diff --git a/crypto/gogo2/main.py b/crypto/gogo2/main.py index 2e483c0..05d1e82 100644 --- a/crypto/gogo2/main.py +++ b/crypto/gogo2/main.py @@ -17,6 +17,7 @@ from dotenv import load_dotenv import ccxt import websockets from torch.utils.tensorboard import SummaryWriter +import torch.cuda.amp as amp # Add this import at the top # Configure logging logging.basicConfig( @@ -63,7 +64,7 @@ class ReplayMemory: return len(self.memory) class DQN(nn.Module): - def __init__(self, state_size, action_size, hidden_size=256, lstm_layers=2, attention_heads=4): + def __init__(self, state_size, action_size, hidden_size=384, lstm_layers=2, attention_heads=4): super(DQN, self).__init__() self.state_size = state_size @@ -73,9 +74,10 @@ class DQN(nn.Module): # Initial feature extraction self.fc1 = nn.Linear(state_size, hidden_size) self.bn1 = nn.BatchNorm1d(hidden_size) + self.dropout1 = nn.Dropout(0.2) # Add dropout for regularization # LSTM layer for sequential data - self.lstm = nn.LSTM(hidden_size, hidden_size, num_layers=lstm_layers, batch_first=True) + self.lstm = nn.LSTM(hidden_size, hidden_size, num_layers=lstm_layers, batch_first=True, dropout=0.2) # Attention mechanism self.attention = nn.MultiheadAttention(hidden_size, attention_heads) @@ -83,6 +85,7 @@ class DQN(nn.Module): # Output layers with increased capacity self.fc2 = nn.Linear(hidden_size, hidden_size) self.bn2 = nn.BatchNorm1d(hidden_size) + self.dropout2 = nn.Dropout(0.2) self.fc3 = nn.Linear(hidden_size, hidden_size // 2) # Dueling DQN architecture @@ -90,7 +93,7 @@ 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) + encoder_layer = nn.TransformerEncoderLayer(d_model=hidden_size, nhead=attention_heads, dropout=0.1) self.transformer_encoder = nn.TransformerEncoder(encoder_layer, num_layers=2) def forward(self, x): @@ -105,16 +108,15 @@ class DQN(nn.Module): # Handle mismatched input by either truncating or padding if x.size(1) > self.state_size: x = x[:, :self.state_size] # Truncate - print(f"Warning: Input truncated from {x.size(1)} to {self.state_size}") else: # Pad with zeros padding = torch.zeros(batch_size, self.state_size - x.size(1), device=x.device) x = torch.cat([x, padding], dim=1) - print(f"Warning: Input padded from {x.size(1) - padding.size(1)} to {self.state_size}") # Initial feature extraction x = self.fc1(x) x = F.relu(self.bn1(x) if batch_size > 1 else self.bn1(x.unsqueeze(0)).squeeze(0)) + x = self.dropout1(x) # Reshape for LSTM x_lstm = x.unsqueeze(1) if x.dim() == 2 else x @@ -134,6 +136,7 @@ class DQN(nn.Module): # Final layers x = self.fc2(x) x = F.relu(self.bn2(x) if batch_size > 1 else self.bn2(x.unsqueeze(0)).squeeze(0)) + x = self.dropout2(x) x = F.relu(self.fc3(x)) # Dueling architecture @@ -641,6 +644,12 @@ class Agent: 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") + # 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) @@ -653,12 +662,19 @@ class Agent: self.optimizer = optim.Adam(self.policy_net.parameters(), lr=LEARNING_RATE) + # Mixed precision training + self.scaler = amp.GradScaler() + self.use_amp = device == "cuda" # Only use mixed precision on GPU + self.epsilon = EPSILON_START self.steps_done = 0 # TensorBoard logging self.writer = SummaryWriter(log_dir='runs/trading_agent') + # Create models directory if it doesn't exist + os.makedirs("models", exist_ok=True) + 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""" logger.info(f"Expanding model: {self.state_size} → {new_state_size}, " @@ -726,46 +742,79 @@ class Agent: return random.randrange(self.action_size) def learn(self): + """Learn from experience replay with mixed precision""" if len(self.memory) < BATCH_SIZE: return None - experiences = self.memory.sample(BATCH_SIZE) - batch = Experience(*zip(*experiences)) - - # Convert to tensors - state_batch = torch.FloatTensor(batch.state).to(self.device) - action_batch = torch.LongTensor(batch.action).unsqueeze(1).to(self.device) - reward_batch = torch.FloatTensor(batch.reward).to(self.device) - next_state_batch = torch.FloatTensor(batch.next_state).to(self.device) - done_batch = torch.FloatTensor(batch.done).to(self.device) - - # Get Q values for chosen actions - q_values = self.policy_net(state_batch).gather(1, action_batch) - - # Double DQN: use policy net to select actions, target net to evaluate - with torch.no_grad(): - # Get actions from policy net - next_actions = self.policy_net(next_state_batch).max(1)[1].unsqueeze(1) - # Evaluate using target net - next_q_values = self.target_net(next_state_batch).gather(1, next_actions) - next_q_values = next_q_values.squeeze(1) + try: + # Sample batch from memory + experiences = self.memory.sample(BATCH_SIZE) - # Compute target Q values - expected_q_values = reward_batch + (GAMMA * next_q_values * (1 - done_batch)) - expected_q_values = expected_q_values.unsqueeze(1) - - # Compute loss (Huber loss for stability) - loss = F.smooth_l1_loss(q_values, expected_q_values) - - # Optimize the model - self.optimizer.zero_grad() - loss.backward() - # Gradient clipping - for param in self.policy_net.parameters(): - param.grad.data.clamp_(-1, 1) - self.optimizer.step() - - return loss.item() + # 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 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) + + # Use mixed precision for forward/backward passes + if self.use_amp: + with amp.autocast(): + # Compute Q values + current_q_values = self.policy_net(states).gather(1, actions) + + # Compute next state values using 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 + self.optimizer.zero_grad() + self.scaler.scale(loss).backward() + self.scaler.unscale_(self.optimizer) + torch.nn.utils.clip_grad_norm_(self.policy_net.parameters(), 1.0) + self.scaler.step(self.optimizer) + self.scaler.update() + else: + # Standard precision training + # Compute Q values + current_q_values = self.policy_net(states).gather(1, actions) + + # Compute next state values using 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 + self.optimizer.zero_grad() + loss.backward() + torch.nn.utils.clip_grad_norm_(self.policy_net.parameters(), 1.0) + self.optimizer.step() + + return loss.item() + + except Exception as e: + logger.error(f"Error during learning: {e}") + import traceback + logger.error(traceback.format_exc()) + return None def update_target_network(self): self.target_net.load_state_dict(self.policy_net.state_dict()) 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 new file mode 100644 index 0000000..8a2611d Binary files /dev/null and b/crypto/gogo2/runs/trading_agent/events.out.tfevents.1741596450.GW-DOBRI.46872.0 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 new file mode 100644 index 0000000..da2acc3 Binary files /dev/null and b/crypto/gogo2/runs/trading_agent/events.out.tfevents.1741596799.GW-DOBRI.38248.0 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 new file mode 100644 index 0000000..75c51bf Binary files /dev/null and b/crypto/gogo2/runs/trading_agent/events.out.tfevents.1741598305.GW-DOBRI.61848.0 differ diff --git a/crypto/gogo2/trading_bot.log b/crypto/gogo2/trading_bot.log index 26342fe..e281568 100644 --- a/crypto/gogo2/trading_bot.log +++ b/crypto/gogo2/trading_bot.log @@ -2,3 +2,8328 @@ 2025-03-10 10:31:24,545 - ERROR - Error fetching initial data: object list can't be used in 'await' expression 2025-03-10 10:38:32,233 - INFO - Fetching initial 60 candles for ETH/USDT... 2025-03-10 10:38:38,055 - ERROR - Error fetching initial data: object list can't be used in 'await' expression +2025-03-10 10:47:19,682 - INFO - Fetching initial 60 candles for ETH/USDT... +2025-03-10 10:47:25,450 - INFO - Successfully fetched 60 initial candles +2025-03-10 10:47:30,145 - WARNING - No model found at models/trading_agent.pt +2025-03-10 10:47:30,150 - INFO - Starting training mode +2025-03-10 10:47:30,150 - INFO - Starting training... +2025-03-10 10:47:30,150 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:30,150 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:30,150 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:30,150 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:30,150 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:30,150 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:30,156 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,158 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-6.78 +2025-03-10 10:47:30,158 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:30,160 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-6.17 +2025-03-10 10:47:30,160 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,160 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-5.62 +2025-03-10 10:47:30,160 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,160 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-5.11 +2025-03-10 10:47:30,165 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:30,165 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-4.65 +2025-03-10 10:47:30,166 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,166 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-4.23 +2025-03-10 10:47:30,166 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,166 - ERROR - Learning error in episode 0, step 63: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,166 - ERROR - Learning error in episode 0, step 64: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,166 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-3.85 +2025-03-10 10:47:30,175 - ERROR - Learning error in episode 0, step 65: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,175 - ERROR - Learning error in episode 0, step 66: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,175 - ERROR - Learning error in episode 0, step 67: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,182 - ERROR - Learning error in episode 0, step 68: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,183 - ERROR - Learning error in episode 0, step 69: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,183 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,187 - ERROR - Learning error in episode 0, step 70: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,189 - ERROR - Learning error in episode 0, step 71: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,189 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-3.50 +2025-03-10 10:47:30,191 - ERROR - Learning error in episode 0, step 72: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,193 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:30,193 - ERROR - Learning error in episode 0, step 73: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,195 - ERROR - Learning error in episode 0, step 74: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,197 - ERROR - Learning error in episode 0, step 75: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,199 - ERROR - Learning error in episode 0, step 76: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,199 - ERROR - Learning error in episode 0, step 77: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,199 - ERROR - Learning error in episode 0, step 78: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,199 - ERROR - Learning error in episode 0, step 79: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,208 - ERROR - Learning error in episode 0, step 80: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,208 - ERROR - Learning error in episode 0, step 81: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,213 - ERROR - Learning error in episode 0, step 82: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,213 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-3.19 +2025-03-10 10:47:30,213 - ERROR - Learning error in episode 0, step 83: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,216 - ERROR - Learning error in episode 0, step 84: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,216 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,216 - ERROR - Learning error in episode 0, step 85: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,216 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-2.90 +2025-03-10 10:47:30,224 - ERROR - Learning error in episode 0, step 86: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,224 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,224 - ERROR - Learning error in episode 0, step 87: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,224 - ERROR - Learning error in episode 0, step 88: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,224 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-2.64 +2025-03-10 10:47:30,233 - ERROR - Learning error in episode 0, step 89: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,236 - ERROR - Learning error in episode 0, step 90: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,237 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:30,237 - ERROR - Learning error in episode 0, step 91: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,241 - ERROR - Learning error in episode 0, step 92: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,241 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-2.40 +2025-03-10 10:47:30,241 - ERROR - Learning error in episode 0, step 93: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,241 - ERROR - Learning error in episode 0, step 94: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,250 - ERROR - Learning error in episode 0, step 95: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,250 - ERROR - Learning error in episode 0, step 96: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,250 - ERROR - Learning error in episode 0, step 97: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,258 - ERROR - Learning error in episode 0, step 98: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,259 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:30,260 - ERROR - Learning error in episode 0, step 99: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,262 - ERROR - Learning error in episode 0, step 100: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,262 - ERROR - Learning error in episode 0, step 101: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,266 - ERROR - Learning error in episode 0, step 102: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,266 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-2.19 +2025-03-10 10:47:30,266 - ERROR - Learning error in episode 0, step 103: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,266 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,271 - ERROR - Learning error in episode 0, step 104: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,274 - ERROR - Learning error in episode 0, step 105: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,274 - ERROR - Learning error in episode 0, step 106: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,274 - ERROR - Learning error in episode 0, step 107: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,283 - ERROR - Learning error in episode 0, step 108: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,283 - ERROR - Learning error in episode 0, step 109: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,283 - ERROR - Learning error in episode 0, step 110: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,283 - ERROR - Learning error in episode 0, step 111: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,290 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-1.99 +2025-03-10 10:47:30,291 - ERROR - Learning error in episode 0, step 112: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,291 - ERROR - Learning error in episode 0, step 113: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,291 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,300 - ERROR - Learning error in episode 0, step 114: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,302 - ERROR - Learning error in episode 0, step 115: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,302 - ERROR - Learning error in episode 0, step 116: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,302 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-1.81 +2025-03-10 10:47:30,308 - ERROR - Learning error in episode 0, step 117: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,308 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,310 - ERROR - Learning error in episode 0, step 118: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,310 - ERROR - Learning error in episode 0, step 119: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,316 - ERROR - Learning error in episode 0, step 120: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,318 - ERROR - Learning error in episode 0, step 121: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,320 - ERROR - Learning error in episode 0, step 122: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,322 - ERROR - Learning error in episode 0, step 123: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,325 - ERROR - Learning error in episode 0, step 124: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,325 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-1.65 +2025-03-10 10:47:30,325 - ERROR - Learning error in episode 0, step 125: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,325 - ERROR - Learning error in episode 0, step 126: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,325 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,332 - ERROR - Learning error in episode 0, step 127: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,332 - ERROR - Learning error in episode 0, step 128: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,332 - ERROR - Learning error in episode 0, step 129: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,338 - ERROR - Learning error in episode 0, step 130: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,338 - ERROR - Learning error in episode 0, step 131: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,344 - ERROR - Learning error in episode 0, step 132: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,344 - ERROR - Learning error in episode 0, step 133: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,349 - ERROR - Learning error in episode 0, step 134: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,349 - ERROR - Error in episode 0: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:30,349 - ERROR - Learning error in episode 1, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,349 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,349 - ERROR - Learning error in episode 1, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,349 - ERROR - Learning error in episode 1, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,358 - ERROR - Learning error in episode 1, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,358 - ERROR - Learning error in episode 1, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,358 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:30,358 - ERROR - Learning error in episode 1, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,358 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:30,365 - ERROR - Learning error in episode 1, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,365 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:30,366 - ERROR - Learning error in episode 1, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,366 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,366 - ERROR - Learning error in episode 1, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,366 - ERROR - Learning error in episode 1, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,374 - ERROR - Learning error in episode 1, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,374 - ERROR - Learning error in episode 1, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,374 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:30,374 - ERROR - Learning error in episode 1, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,374 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,374 - ERROR - Learning error in episode 1, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,374 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-6.78 +2025-03-10 10:47:30,383 - ERROR - Learning error in episode 1, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,383 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,383 - ERROR - Learning error in episode 1, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,387 - ERROR - Learning error in episode 1, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,391 - ERROR - Learning error in episode 1, step 17: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,394 - ERROR - Learning error in episode 1, step 18: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,395 - ERROR - Learning error in episode 1, step 19: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,397 - ERROR - Learning error in episode 1, step 20: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,397 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-6.17 +2025-03-10 10:47:30,400 - ERROR - Learning error in episode 1, step 21: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,400 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:30,400 - ERROR - Learning error in episode 1, step 22: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,400 - ERROR - Learning error in episode 1, step 23: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,400 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-5.62 +2025-03-10 10:47:30,400 - ERROR - Learning error in episode 1, step 24: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,407 - ERROR - Learning error in episode 1, step 25: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,407 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,407 - ERROR - Learning error in episode 1, step 26: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,407 - ERROR - Learning error in episode 1, step 27: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,407 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-5.11 +2025-03-10 10:47:30,416 - ERROR - Learning error in episode 1, step 28: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,416 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:30,416 - ERROR - Learning error in episode 1, step 29: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,416 - ERROR - Learning error in episode 1, step 30: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,416 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-4.65 +2025-03-10 10:47:30,423 - ERROR - Learning error in episode 1, step 31: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,424 - ERROR - Learning error in episode 1, step 32: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,426 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:30,428 - ERROR - Learning error in episode 1, step 33: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,428 - ERROR - Learning error in episode 1, step 34: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,428 - ERROR - Learning error in episode 1, step 35: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,434 - ERROR - Learning error in episode 1, step 36: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,436 - ERROR - Learning error in episode 1, step 37: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,437 - ERROR - Learning error in episode 1, step 38: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,437 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-4.23 +2025-03-10 10:47:30,441 - ERROR - Learning error in episode 1, step 39: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,441 - ERROR - Learning error in episode 1, step 40: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,444 - ERROR - Learning error in episode 1, step 41: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,444 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,444 - ERROR - Learning error in episode 1, step 42: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,444 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-3.85 +2025-03-10 10:47:30,450 - ERROR - Learning error in episode 1, step 43: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,450 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,452 - ERROR - Learning error in episode 1, step 44: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,452 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-3.50 +2025-03-10 10:47:30,452 - ERROR - Learning error in episode 1, step 45: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,452 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:30,457 - ERROR - Learning error in episode 1, step 46: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,458 - ERROR - Learning error in episode 1, step 47: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,460 - ERROR - Learning error in episode 1, step 48: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,460 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-3.19 +2025-03-10 10:47:30,460 - ERROR - Learning error in episode 1, step 49: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,466 - ERROR - Learning error in episode 1, step 50: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,468 - ERROR - Learning error in episode 1, step 51: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,468 - ERROR - Learning error in episode 1, step 52: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,468 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:30,472 - ERROR - Learning error in episode 1, step 53: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,474 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-2.90 +2025-03-10 10:47:30,475 - ERROR - Learning error in episode 1, step 54: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,475 - ERROR - Learning error in episode 1, step 55: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,479 - ERROR - Learning error in episode 1, step 56: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,479 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:30,482 - ERROR - Learning error in episode 1, step 57: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,484 - ERROR - Learning error in episode 1, step 58: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,484 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-2.64 +2025-03-10 10:47:30,486 - ERROR - Learning error in episode 1, step 59: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,489 - ERROR - Learning error in episode 1, step 60: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,489 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,491 - ERROR - Learning error in episode 1, step 61: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,491 - ERROR - Learning error in episode 1, step 62: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,491 - ERROR - Learning error in episode 1, step 63: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,491 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-2.40 +2025-03-10 10:47:30,499 - ERROR - Learning error in episode 1, step 64: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,499 - ERROR - Learning error in episode 1, step 65: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,499 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:30,499 - ERROR - Learning error in episode 1, step 66: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,499 - ERROR - Learning error in episode 1, step 67: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,508 - ERROR - Learning error in episode 1, step 68: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,508 - ERROR - Learning error in episode 1, step 69: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,508 - ERROR - Learning error in episode 1, step 70: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,508 - ERROR - Learning error in episode 1, step 71: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,508 - ERROR - Learning error in episode 1, step 72: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,516 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-2.19 +2025-03-10 10:47:30,516 - ERROR - Learning error in episode 1, step 73: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,516 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:30,516 - ERROR - Learning error in episode 1, step 74: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,522 - ERROR - Learning error in episode 1, step 75: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,524 - ERROR - Learning error in episode 1, step 76: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,524 - ERROR - Learning error in episode 1, step 77: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,524 - ERROR - Learning error in episode 1, step 78: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,524 - ERROR - Learning error in episode 1, step 79: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,531 - ERROR - Learning error in episode 1, step 80: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,534 - ERROR - Learning error in episode 1, step 81: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,534 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-1.99 +2025-03-10 10:47:30,537 - ERROR - Learning error in episode 1, step 82: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,537 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:30,540 - ERROR - Learning error in episode 1, step 83: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,542 - ERROR - Learning error in episode 1, step 84: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,542 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-1.81 +2025-03-10 10:47:30,542 - ERROR - Learning error in episode 1, step 85: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,542 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:30,542 - ERROR - Learning error in episode 1, step 86: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,550 - ERROR - Learning error in episode 1, step 87: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,551 - ERROR - Learning error in episode 1, step 88: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,555 - ERROR - Learning error in episode 1, step 89: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,555 - ERROR - Learning error in episode 1, step 90: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,559 - ERROR - Learning error in episode 1, step 91: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,559 - ERROR - Learning error in episode 1, step 92: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,563 - ERROR - Learning error in episode 1, step 93: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,563 - ERROR - Learning error in episode 1, step 94: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,567 - ERROR - Learning error in episode 1, step 95: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,567 - ERROR - Learning error in episode 1, step 96: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,571 - ERROR - Learning error in episode 1, step 97: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,571 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-1.65 +2025-03-10 10:47:30,571 - ERROR - Learning error in episode 1, step 98: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,575 - ERROR - Learning error in episode 1, step 99: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,575 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,578 - ERROR - Learning error in episode 1, step 100: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,578 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-1.50 +2025-03-10 10:47:30,578 - ERROR - Learning error in episode 1, step 101: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,578 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,583 - ERROR - Learning error in episode 1, step 102: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,585 - ERROR - Learning error in episode 1, step 103: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,585 - ERROR - Learning error in episode 1, step 104: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,585 - ERROR - Learning error in episode 1, step 105: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,591 - ERROR - Learning error in episode 1, step 106: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,593 - ERROR - Learning error in episode 1, step 107: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,593 - ERROR - Learning error in episode 1, step 108: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,593 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-1.36 +2025-03-10 10:47:30,597 - ERROR - Learning error in episode 1, step 109: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,597 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:30,602 - ERROR - Learning error in episode 1, step 110: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,602 - ERROR - Learning error in episode 1, step 111: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,605 - ERROR - Learning error in episode 1, step 112: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,605 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-1.24 +2025-03-10 10:47:30,608 - ERROR - Learning error in episode 1, step 113: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,608 - ERROR - Learning error in episode 1, step 114: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,612 - ERROR - Learning error in episode 1, step 115: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,612 - ERROR - Learning error in episode 1, step 116: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,612 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:30,617 - ERROR - Learning error in episode 1, step 117: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,617 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-1.13 +2025-03-10 10:47:30,619 - ERROR - Learning error in episode 1, step 118: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,619 - ERROR - Learning error in episode 1, step 119: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,619 - ERROR - Error in episode 1: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:30,619 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,625 - ERROR - Learning error in episode 2, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,626 - ERROR - Learning error in episode 2, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,626 - ERROR - Learning error in episode 2, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,630 - ERROR - Learning error in episode 2, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,630 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:30,634 - ERROR - Learning error in episode 2, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,634 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:30,634 - ERROR - Learning error in episode 2, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,637 - ERROR - Learning error in episode 2, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,637 - ERROR - Learning error in episode 2, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,642 - ERROR - Learning error in episode 2, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,645 - ERROR - Learning error in episode 2, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,645 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:30,645 - ERROR - Learning error in episode 2, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,645 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,650 - ERROR - Learning error in episode 2, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,651 - ERROR - Learning error in episode 2, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,651 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:30,651 - ERROR - Learning error in episode 2, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,651 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:30,651 - ERROR - Learning error in episode 2, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,658 - ERROR - Learning error in episode 2, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,659 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-6.78 +2025-03-10 10:47:30,659 - ERROR - Learning error in episode 2, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,659 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,662 - ERROR - Learning error in episode 2, step 17: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,666 - ERROR - Learning error in episode 2, step 18: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,666 - ERROR - Learning error in episode 2, step 19: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,669 - ERROR - Learning error in episode 2, step 20: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,669 - ERROR - Learning error in episode 2, step 21: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,669 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-6.17 +2025-03-10 10:47:30,675 - ERROR - Learning error in episode 2, step 22: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,675 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:30,676 - ERROR - Learning error in episode 2, step 23: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,676 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-5.62 +2025-03-10 10:47:30,676 - ERROR - Learning error in episode 2, step 24: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,676 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:30,681 - ERROR - Learning error in episode 2, step 25: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,683 - ERROR - Learning error in episode 2, step 26: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,686 - ERROR - Learning error in episode 2, step 27: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,686 - ERROR - Learning error in episode 2, step 28: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,686 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-5.11 +2025-03-10 10:47:30,691 - ERROR - Learning error in episode 2, step 29: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,692 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:30,694 - ERROR - Learning error in episode 2, step 30: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,694 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-4.65 +2025-03-10 10:47:30,694 - ERROR - Learning error in episode 2, step 31: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,698 - ERROR - Learning error in episode 2, step 32: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,700 - ERROR - Learning error in episode 2, step 33: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,700 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:30,700 - ERROR - Learning error in episode 2, step 34: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,706 - ERROR - Learning error in episode 2, step 35: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,706 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-4.23 +2025-03-10 10:47:30,708 - ERROR - Learning error in episode 2, step 36: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,710 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:30,710 - ERROR - Learning error in episode 2, step 37: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,713 - ERROR - Learning error in episode 2, step 38: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,714 - ERROR - Learning error in episode 2, step 39: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,719 - ERROR - Learning error in episode 2, step 40: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,720 - ERROR - Learning error in episode 2, step 41: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,722 - ERROR - Learning error in episode 2, step 42: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,725 - ERROR - Learning error in episode 2, step 43: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,727 - ERROR - Learning error in episode 2, step 44: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,730 - ERROR - Learning error in episode 2, step 45: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,730 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-3.85 +2025-03-10 10:47:30,732 - ERROR - Learning error in episode 2, step 46: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,732 - ERROR - Learning error in episode 2, step 47: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,739 - ERROR - Learning error in episode 2, step 48: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,739 - ERROR - Learning error in episode 2, step 49: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,739 - ERROR - Learning error in episode 2, step 50: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,747 - ERROR - Learning error in episode 2, step 51: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,747 - ERROR - Learning error in episode 2, step 52: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,747 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:30,755 - ERROR - Learning error in episode 2, step 53: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,755 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-3.50 +2025-03-10 10:47:30,755 - ERROR - Learning error in episode 2, step 54: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,755 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,755 - ERROR - Learning error in episode 2, step 55: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,755 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-3.19 +2025-03-10 10:47:30,763 - ERROR - Learning error in episode 2, step 56: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,763 - ERROR - Learning error in episode 2, step 57: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,763 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:30,763 - ERROR - Learning error in episode 2, step 58: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,763 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-2.90 +2025-03-10 10:47:30,772 - ERROR - Learning error in episode 2, step 59: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,772 - ERROR - Learning error in episode 2, step 60: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,772 - ERROR - Learning error in episode 2, step 61: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,780 - ERROR - Learning error in episode 2, step 62: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,780 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,784 - ERROR - Learning error in episode 2, step 63: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,784 - ERROR - Learning error in episode 2, step 64: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,788 - ERROR - Learning error in episode 2, step 65: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,788 - ERROR - Error in episode 2: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:30,793 - ERROR - Learning error in episode 3, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,797 - ERROR - Learning error in episode 3, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,798 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,798 - ERROR - Learning error in episode 3, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,798 - ERROR - Learning error in episode 3, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,803 - ERROR - Learning error in episode 3, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,803 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:30,805 - ERROR - Learning error in episode 3, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,805 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,805 - ERROR - Learning error in episode 3, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,810 - ERROR - Learning error in episode 3, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,813 - ERROR - Learning error in episode 3, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,815 - ERROR - Learning error in episode 3, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,815 - ERROR - Learning error in episode 3, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,815 - ERROR - Learning error in episode 3, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,822 - ERROR - Learning error in episode 3, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,822 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:30,826 - ERROR - Learning error in episode 3, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,826 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:30,828 - ERROR - Learning error in episode 3, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,830 - ERROR - Learning error in episode 3, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,830 - ERROR - Learning error in episode 3, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,835 - ERROR - Learning error in episode 3, step 17: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,838 - ERROR - Learning error in episode 3, step 18: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,839 - ERROR - Learning error in episode 3, step 19: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,843 - ERROR - Learning error in episode 3, step 20: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,843 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:30,843 - ERROR - Learning error in episode 3, step 21: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,843 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,848 - ERROR - Learning error in episode 3, step 22: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,848 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-6.78 +2025-03-10 10:47:30,849 - ERROR - Learning error in episode 3, step 23: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,849 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:30,849 - ERROR - Learning error in episode 3, step 24: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,856 - ERROR - Learning error in episode 3, step 25: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,859 - ERROR - Learning error in episode 3, step 26: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,859 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-6.17 +2025-03-10 10:47:30,859 - ERROR - Learning error in episode 3, step 27: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,859 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,863 - ERROR - Learning error in episode 3, step 28: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,863 - ERROR - Learning error in episode 3, step 29: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,868 - ERROR - Learning error in episode 3, step 30: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,871 - ERROR - Learning error in episode 3, step 31: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,871 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-5.62 +2025-03-10 10:47:30,872 - ERROR - Learning error in episode 3, step 32: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,872 - ERROR - Learning error in episode 3, step 33: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,872 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:30,879 - ERROR - Learning error in episode 3, step 34: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,879 - ERROR - Learning error in episode 3, step 35: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,879 - ERROR - Learning error in episode 3, step 36: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,879 - ERROR - Learning error in episode 3, step 37: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,888 - ERROR - Learning error in episode 3, step 38: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,888 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-5.11 +2025-03-10 10:47:30,888 - ERROR - Learning error in episode 3, step 39: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,888 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:30,888 - ERROR - Learning error in episode 3, step 40: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,896 - ERROR - Learning error in episode 3, step 41: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,896 - ERROR - Learning error in episode 3, step 42: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,896 - ERROR - Learning error in episode 3, step 43: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,896 - ERROR - Learning error in episode 3, step 44: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,904 - ERROR - Learning error in episode 3, step 45: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,904 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-4.65 +2025-03-10 10:47:30,904 - ERROR - Learning error in episode 3, step 46: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,904 - ERROR - Learning error in episode 3, step 47: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,904 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,904 - ERROR - Learning error in episode 3, step 48: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,912 - ERROR - Learning error in episode 3, step 49: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,914 - ERROR - Learning error in episode 3, step 50: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,916 - ERROR - Learning error in episode 3, step 51: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,917 - ERROR - Learning error in episode 3, step 52: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,917 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-4.23 +2025-03-10 10:47:30,921 - ERROR - Learning error in episode 3, step 53: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,921 - ERROR - Learning error in episode 3, step 54: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,925 - ERROR - Learning error in episode 3, step 55: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,925 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,928 - ERROR - Learning error in episode 3, step 56: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,928 - ERROR - Learning error in episode 3, step 57: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,928 - ERROR - Learning error in episode 3, step 58: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,933 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-3.85 +2025-03-10 10:47:30,934 - ERROR - Learning error in episode 3, step 59: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,934 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,936 - ERROR - Learning error in episode 3, step 60: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,938 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-3.50 +2025-03-10 10:47:30,938 - ERROR - Learning error in episode 3, step 61: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,941 - ERROR - Learning error in episode 3, step 62: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,945 - ERROR - Learning error in episode 3, step 63: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,945 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,945 - ERROR - Learning error in episode 3, step 64: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,945 - ERROR - Learning error in episode 3, step 65: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,950 - ERROR - Learning error in episode 3, step 66: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,950 - ERROR - Error in episode 3: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:30,952 - ERROR - Learning error in episode 4, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,952 - ERROR - Learning error in episode 4, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,952 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,958 - ERROR - Learning error in episode 4, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,960 - ERROR - Learning error in episode 4, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,960 - ERROR - Learning error in episode 4, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,965 - ERROR - Learning error in episode 4, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,966 - ERROR - Learning error in episode 4, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,970 - ERROR - Learning error in episode 4, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,971 - ERROR - Learning error in episode 4, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,971 - ERROR - Learning error in episode 4, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,976 - ERROR - Learning error in episode 4, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,978 - ERROR - Learning error in episode 4, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,978 - ERROR - Learning error in episode 4, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,978 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:30,983 - ERROR - Learning error in episode 4, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,985 - ERROR - Learning error in episode 4, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,987 - ERROR - Learning error in episode 4, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,987 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:30,987 - ERROR - Learning error in episode 4, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,993 - ERROR - Learning error in episode 4, step 17: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,995 - ERROR - Learning error in episode 4, step 18: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,995 - ERROR - Learning error in episode 4, step 19: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:30,999 - ERROR - Learning error in episode 4, step 20: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,000 - ERROR - Learning error in episode 4, step 21: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,000 - ERROR - Learning error in episode 4, step 22: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,005 - ERROR - Learning error in episode 4, step 23: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,005 - ERROR - Learning error in episode 4, step 24: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,008 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:31,010 - ERROR - Learning error in episode 4, step 25: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,010 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,013 - ERROR - Learning error in episode 4, step 26: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,013 - ERROR - Learning error in episode 4, step 27: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,018 - ERROR - Learning error in episode 4, step 28: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,018 - ERROR - Learning error in episode 4, step 29: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,018 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:31,021 - ERROR - Learning error in episode 4, step 30: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,021 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,026 - ERROR - Learning error in episode 4, step 31: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,026 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-6.78 +2025-03-10 10:47:31,026 - ERROR - Learning error in episode 4, step 32: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,030 - ERROR - Learning error in episode 4, step 33: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,030 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,033 - ERROR - Learning error in episode 4, step 34: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,033 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-6.17 +2025-03-10 10:47:31,033 - ERROR - Learning error in episode 4, step 35: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,033 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,039 - ERROR - Learning error in episode 4, step 36: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,039 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-5.62 +2025-03-10 10:47:31,039 - ERROR - Learning error in episode 4, step 37: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,044 - ERROR - Learning error in episode 4, step 38: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,046 - ERROR - Learning error in episode 4, step 39: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,046 - ERROR - Error in episode 4: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,046 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,050 - ERROR - Learning error in episode 5, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,052 - ERROR - Learning error in episode 5, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,055 - ERROR - Learning error in episode 5, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,056 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:31,056 - ERROR - Learning error in episode 5, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,058 - ERROR - Learning error in episode 5, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,058 - ERROR - Learning error in episode 5, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,063 - ERROR - Learning error in episode 5, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,063 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,063 - ERROR - Learning error in episode 5, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,069 - ERROR - Learning error in episode 5, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,070 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:31,071 - ERROR - Learning error in episode 5, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,071 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,071 - ERROR - Learning error in episode 5, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,076 - ERROR - Learning error in episode 5, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,076 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:31,080 - ERROR - Learning error in episode 5, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,080 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,080 - ERROR - Learning error in episode 5, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,085 - ERROR - Learning error in episode 5, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,085 - ERROR - Learning error in episode 5, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,088 - ERROR - Learning error in episode 5, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,088 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-6.78 +2025-03-10 10:47:31,088 - ERROR - Learning error in episode 5, step 17: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,093 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,093 - ERROR - Learning error in episode 5, step 18: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,096 - ERROR - Learning error in episode 5, step 19: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,096 - ERROR - Learning error in episode 5, step 20: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,096 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-6.17 +2025-03-10 10:47:31,096 - ERROR - Learning error in episode 5, step 21: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,096 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,105 - ERROR - Learning error in episode 5, step 22: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,105 - ERROR - Learning error in episode 5, step 23: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,105 - ERROR - Learning error in episode 5, step 24: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,109 - ERROR - Learning error in episode 5, step 25: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,113 - ERROR - Learning error in episode 5, step 26: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,113 - ERROR - Learning error in episode 5, step 27: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,117 - ERROR - Learning error in episode 5, step 28: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,117 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-5.62 +2025-03-10 10:47:31,119 - ERROR - Learning error in episode 5, step 29: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,119 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,121 - ERROR - Learning error in episode 5, step 30: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,121 - ERROR - Learning error in episode 5, step 31: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,126 - ERROR - Error in episode 5: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,127 - ERROR - Learning error in episode 6, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,127 - ERROR - Error in episode 6: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,129 - ERROR - Learning error in episode 7, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,129 - ERROR - Learning error in episode 7, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,129 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,134 - ERROR - Learning error in episode 7, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,136 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:31,136 - ERROR - Learning error in episode 7, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,138 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,138 - ERROR - Learning error in episode 7, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,138 - ERROR - Learning error in episode 7, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,144 - ERROR - Learning error in episode 7, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,146 - ERROR - Learning error in episode 7, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,146 - ERROR - Learning error in episode 7, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,150 - ERROR - Learning error in episode 7, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,152 - ERROR - Learning error in episode 7, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,154 - ERROR - Learning error in episode 7, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,154 - ERROR - Learning error in episode 7, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,159 - ERROR - Learning error in episode 7, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,160 - ERROR - Learning error in episode 7, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,160 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:31,163 - ERROR - Learning error in episode 7, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,163 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,163 - ERROR - Learning error in episode 7, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,169 - ERROR - Learning error in episode 7, step 17: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,170 - ERROR - Error in episode 7: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,171 - ERROR - Learning error in episode 8, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,171 - ERROR - Learning error in episode 8, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,171 - ERROR - Learning error in episode 8, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,171 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,180 - ERROR - Learning error in episode 8, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,180 - ERROR - Learning error in episode 8, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,180 - ERROR - Learning error in episode 8, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,186 - ERROR - Learning error in episode 8, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,186 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:31,188 - ERROR - Learning error in episode 8, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,188 - ERROR - Learning error in episode 8, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,193 - ERROR - Learning error in episode 8, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,193 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,195 - ERROR - Learning error in episode 8, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,196 - ERROR - Learning error in episode 8, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,196 - ERROR - Learning error in episode 8, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,196 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:31,201 - ERROR - Learning error in episode 8, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,201 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,205 - ERROR - Learning error in episode 8, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,205 - ERROR - Learning error in episode 8, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,210 - ERROR - Learning error in episode 8, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,210 - ERROR - Error in episode 8: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,211 - ERROR - Learning error in episode 9, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,213 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,213 - ERROR - Learning error in episode 9, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,218 - ERROR - Learning error in episode 9, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,220 - ERROR - Learning error in episode 9, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,221 - ERROR - Learning error in episode 9, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,221 - ERROR - Learning error in episode 9, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,221 - ERROR - Learning error in episode 9, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,221 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:31,230 - ERROR - Learning error in episode 9, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,230 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,230 - ERROR - Learning error in episode 9, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,230 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:31,235 - ERROR - Learning error in episode 9, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,237 - ERROR - Learning error in episode 9, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,238 - ERROR - Learning error in episode 9, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,238 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,238 - ERROR - Learning error in episode 9, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,243 - ERROR - Learning error in episode 9, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,246 - ERROR - Learning error in episode 9, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,246 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:31,246 - ERROR - Learning error in episode 9, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,246 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,246 - ERROR - Learning error in episode 9, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,253 - ERROR - Learning error in episode 9, step 17: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,255 - ERROR - Learning error in episode 9, step 18: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,257 - ERROR - Learning error in episode 9, step 19: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,259 - ERROR - Learning error in episode 9, step 20: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,261 - ERROR - Learning error in episode 9, step 21: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,263 - ERROR - Learning error in episode 9, step 22: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,263 - ERROR - Learning error in episode 9, step 23: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,263 - ERROR - Learning error in episode 9, step 24: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,269 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-6.78 +2025-03-10 10:47:31,271 - ERROR - Learning error in episode 9, step 25: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,271 - ERROR - Learning error in episode 9, step 26: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,271 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,276 - ERROR - Learning error in episode 9, step 27: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,278 - ERROR - Learning error in episode 9, step 28: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,280 - ERROR - Learning error in episode 9, step 29: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,280 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-6.17 +2025-03-10 10:47:31,284 - ERROR - Learning error in episode 9, step 30: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,284 - ERROR - Error in episode 9: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,286 - ERROR - Learning error in episode 10, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,286 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,288 - ERROR - Learning error in episode 10, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,288 - ERROR - Error in episode 10: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,288 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,293 - ERROR - Learning error in episode 11, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,294 - ERROR - Learning error in episode 11, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,296 - ERROR - Learning error in episode 11, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,296 - ERROR - Error in episode 11: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,296 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,296 - ERROR - Learning error in episode 12, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,302 - ERROR - Learning error in episode 12, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,305 - ERROR - Learning error in episode 12, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,305 - ERROR - Learning error in episode 12, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,305 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:31,305 - ERROR - Learning error in episode 12, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,305 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,312 - ERROR - Learning error in episode 12, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,312 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:31,313 - ERROR - Learning error in episode 12, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,313 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,318 - ERROR - Learning error in episode 12, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,320 - ERROR - Learning error in episode 12, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,323 - ERROR - Learning error in episode 12, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,326 - ERROR - Learning error in episode 12, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,328 - ERROR - Learning error in episode 12, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,330 - ERROR - Learning error in episode 12, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,330 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:31,331 - ERROR - Learning error in episode 12, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,331 - ERROR - Learning error in episode 12, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,335 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,338 - ERROR - Learning error in episode 12, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,339 - ERROR - Learning error in episode 12, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,339 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-6.78 +2025-03-10 10:47:31,343 - ERROR - Learning error in episode 12, step 17: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,343 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,344 - ERROR - Learning error in episode 12, step 18: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,346 - ERROR - Learning error in episode 12, step 19: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,346 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-6.17 +2025-03-10 10:47:31,346 - ERROR - Learning error in episode 12, step 20: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,351 - ERROR - Learning error in episode 12, step 21: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,351 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,355 - ERROR - Learning error in episode 12, step 22: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,355 - ERROR - Error in episode 12: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,355 - ERROR - Learning error in episode 13, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,355 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,359 - ERROR - Learning error in episode 13, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,362 - ERROR - Learning error in episode 13, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,363 - ERROR - Learning error in episode 13, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,363 - ERROR - Learning error in episode 13, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,368 - ERROR - Learning error in episode 13, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,368 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:31,368 - ERROR - Learning error in episode 13, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,368 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,374 - ERROR - Learning error in episode 13, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,374 - ERROR - Learning error in episode 13, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,380 - ERROR - Learning error in episode 13, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,381 - ERROR - Learning error in episode 13, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,381 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:31,384 - ERROR - Learning error in episode 13, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,384 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,386 - ERROR - Learning error in episode 13, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,388 - ERROR - Learning error in episode 13, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,388 - ERROR - Learning error in episode 13, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,388 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:31,392 - ERROR - Learning error in episode 13, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,392 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,394 - ERROR - Learning error in episode 13, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,396 - ERROR - Error in episode 13: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,398 - ERROR - Learning error in episode 14, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,398 - ERROR - Learning error in episode 14, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,398 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,402 - ERROR - Learning error in episode 14, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,405 - ERROR - Learning error in episode 14, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,405 - ERROR - Learning error in episode 14, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,408 - ERROR - Learning error in episode 14, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,411 - ERROR - Learning error in episode 14, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,413 - ERROR - Learning error in episode 14, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,413 - ERROR - Learning error in episode 14, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,416 - ERROR - Learning error in episode 14, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,419 - ERROR - Learning error in episode 14, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,419 - ERROR - Error in episode 14: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,421 - ERROR - Learning error in episode 15, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,421 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,423 - ERROR - Learning error in episode 15, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,423 - ERROR - Learning error in episode 15, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,427 - ERROR - Learning error in episode 15, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,430 - ERROR - Learning error in episode 15, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,431 - ERROR - Learning error in episode 15, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,431 - ERROR - Learning error in episode 15, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,436 - ERROR - Learning error in episode 15, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,439 - ERROR - Learning error in episode 15, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,439 - ERROR - Error in episode 15: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,439 - ERROR - Learning error in episode 16, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,444 - ERROR - Learning error in episode 16, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,447 - ERROR - Learning error in episode 16, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,447 - ERROR - Learning error in episode 16, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,451 - ERROR - Learning error in episode 16, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,452 - ERROR - Learning error in episode 16, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,452 - ERROR - Error in episode 16: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,452 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,452 - ERROR - Learning error in episode 17, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,452 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:31,459 - ERROR - Learning error in episode 17, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,460 - ERROR - Learning error in episode 17, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,460 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,463 - ERROR - Learning error in episode 17, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,463 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:31,467 - ERROR - Learning error in episode 17, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,467 - ERROR - Error in episode 17: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,469 - ERROR - Learning error in episode 18, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,469 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,469 - ERROR - Learning error in episode 18, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,469 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:31,469 - ERROR - Learning error in episode 18, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,469 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,477 - ERROR - Learning error in episode 18, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,477 - ERROR - Learning error in episode 18, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,477 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:31,481 - ERROR - Learning error in episode 18, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,481 - ERROR - Error in episode 18: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,484 - ERROR - Learning error in episode 19, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,484 - ERROR - Error in episode 19: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,486 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,486 - ERROR - Learning error in episode 20, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,486 - ERROR - Learning error in episode 20, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,494 - ERROR - Learning error in episode 20, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,494 - ERROR - Learning error in episode 20, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,494 - ERROR - Learning error in episode 20, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,494 - ERROR - Learning error in episode 20, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,501 - ERROR - Learning error in episode 20, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,502 - ERROR - Learning error in episode 20, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,502 - ERROR - Learning error in episode 20, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,507 - ERROR - Learning error in episode 20, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,509 - ERROR - Learning error in episode 20, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,509 - ERROR - Error in episode 20: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,509 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,512 - ERROR - Learning error in episode 21, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,512 - ERROR - Error in episode 21: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,515 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,515 - ERROR - Learning error in episode 22, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,518 - ERROR - Learning error in episode 22, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,520 - ERROR - Learning error in episode 22, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,520 - ERROR - Learning error in episode 22, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,520 - ERROR - Learning error in episode 22, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,525 - ERROR - Learning error in episode 22, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,525 - ERROR - Learning error in episode 22, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,531 - ERROR - Learning error in episode 22, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,531 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:31,534 - ERROR - Learning error in episode 22, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,534 - ERROR - Learning error in episode 22, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,539 - ERROR - Learning error in episode 22, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,539 - ERROR - Learning error in episode 22, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,539 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,542 - ERROR - Learning error in episode 22, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,544 - ERROR - Learning error in episode 22, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,547 - ERROR - Learning error in episode 22, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,547 - ERROR - Learning error in episode 22, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,551 - ERROR - Learning error in episode 22, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,551 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:31,553 - ERROR - Learning error in episode 22, step 17: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,553 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,555 - ERROR - Learning error in episode 22, step 18: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,555 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:31,557 - ERROR - Learning error in episode 22, step 19: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,557 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,557 - ERROR - Learning error in episode 22, step 20: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,563 - ERROR - Learning error in episode 22, step 21: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,563 - ERROR - Learning error in episode 22, step 22: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,567 - ERROR - Learning error in episode 22, step 23: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,567 - ERROR - Learning error in episode 22, step 24: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,567 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-6.78 +2025-03-10 10:47:31,571 - ERROR - Learning error in episode 22, step 25: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,571 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,571 - ERROR - Learning error in episode 22, step 26: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,576 - ERROR - Learning error in episode 22, step 27: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,577 - ERROR - Error in episode 22: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,577 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,579 - ERROR - Learning error in episode 23, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,579 - ERROR - Learning error in episode 23, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,579 - ERROR - Error in episode 23: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,584 - ERROR - Learning error in episode 24, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,585 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,587 - ERROR - Learning error in episode 24, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,588 - ERROR - Learning error in episode 24, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,592 - ERROR - Learning error in episode 24, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,592 - ERROR - Learning error in episode 24, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,592 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:31,595 - ERROR - Learning error in episode 24, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,595 - ERROR - Learning error in episode 24, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,595 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,601 - ERROR - Learning error in episode 24, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,601 - ERROR - Learning error in episode 24, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,605 - ERROR - Learning error in episode 24, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,605 - ERROR - Learning error in episode 24, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,610 - ERROR - Learning error in episode 24, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,610 - ERROR - Error in episode 24: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,611 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,613 - ERROR - Learning error in episode 25, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,613 - ERROR - Learning error in episode 25, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,619 - ERROR - Learning error in episode 25, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,619 - ERROR - Learning error in episode 25, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,621 - ERROR - Learning error in episode 25, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,621 - ERROR - Learning error in episode 25, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,628 - ERROR - Learning error in episode 25, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,630 - ERROR - Learning error in episode 25, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,630 - ERROR - Learning error in episode 25, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,632 - ERROR - Error in episode 25: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,634 - ERROR - Learning error in episode 26, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,634 - ERROR - Learning error in episode 26, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,634 - ERROR - Learning error in episode 26, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,639 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,640 - ERROR - Learning error in episode 26, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,640 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:31,643 - ERROR - Learning error in episode 26, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,644 - ERROR - Learning error in episode 26, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,644 - ERROR - Learning error in episode 26, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,644 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,650 - ERROR - Learning error in episode 26, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,651 - ERROR - Error in episode 26: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,651 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,653 - ERROR - Learning error in episode 27, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,653 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:31,653 - ERROR - Learning error in episode 27, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,658 - ERROR - Learning error in episode 27, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,659 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,660 - ERROR - Learning error in episode 27, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,660 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:31,660 - ERROR - Learning error in episode 27, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,665 - ERROR - Learning error in episode 27, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,665 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,667 - ERROR - Learning error in episode 27, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,667 - ERROR - Learning error in episode 27, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,672 - ERROR - Learning error in episode 27, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,675 - ERROR - Learning error in episode 27, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,676 - ERROR - Learning error in episode 27, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,676 - ERROR - Learning error in episode 27, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,676 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:31,681 - ERROR - Learning error in episode 27, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,681 - ERROR - Error in episode 27: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,683 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,685 - ERROR - Learning error in episode 28, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,686 - ERROR - Learning error in episode 28, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,686 - ERROR - Learning error in episode 28, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,686 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:31,691 - ERROR - Learning error in episode 28, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,691 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,694 - ERROR - Learning error in episode 28, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,694 - ERROR - Learning error in episode 28, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,694 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:31,694 - ERROR - Learning error in episode 28, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,700 - ERROR - Learning error in episode 28, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,701 - ERROR - Error in episode 28: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,702 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,702 - ERROR - Learning error in episode 29, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,707 - ERROR - Learning error in episode 29, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,710 - ERROR - Learning error in episode 29, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,710 - ERROR - Learning error in episode 29, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,715 - ERROR - Learning error in episode 29, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,716 - ERROR - Learning error in episode 29, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,717 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:31,718 - ERROR - Learning error in episode 29, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,718 - ERROR - Error in episode 29: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,718 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,723 - ERROR - Learning error in episode 30, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,726 - ERROR - Learning error in episode 30, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,726 - ERROR - Error in episode 30: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,727 - ERROR - Error in episode 31: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,728 - ERROR - Error in episode 32: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,728 - ERROR - Learning error in episode 33, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,728 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,733 - ERROR - Learning error in episode 33, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,735 - ERROR - Learning error in episode 33, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,735 - ERROR - Learning error in episode 33, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,739 - ERROR - Learning error in episode 33, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,740 - ERROR - Learning error in episode 33, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,743 - ERROR - Learning error in episode 33, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,743 - ERROR - Error in episode 33: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,746 - ERROR - Learning error in episode 34, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,746 - ERROR - Learning error in episode 34, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,749 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,751 - ERROR - Learning error in episode 34, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,751 - ERROR - Learning error in episode 34, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,754 - ERROR - Learning error in episode 34, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,754 - ERROR - Learning error in episode 34, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,757 - ERROR - Error in episode 34: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,757 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,759 - ERROR - Learning error in episode 35, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,762 - ERROR - Learning error in episode 35, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,762 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:31,762 - ERROR - Learning error in episode 35, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,766 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,767 - ERROR - Learning error in episode 35, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,767 - ERROR - Learning error in episode 35, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,767 - ERROR - Learning error in episode 35, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,776 - ERROR - Learning error in episode 35, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,776 - ERROR - Learning error in episode 35, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,776 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:31,783 - ERROR - Learning error in episode 35, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,783 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,783 - ERROR - Learning error in episode 35, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,783 - ERROR - Learning error in episode 35, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,783 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:31,791 - ERROR - Learning error in episode 35, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,791 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,791 - ERROR - Learning error in episode 35, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,791 - ERROR - Learning error in episode 35, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,800 - ERROR - Learning error in episode 35, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,800 - ERROR - Learning error in episode 35, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,800 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-6.78 +2025-03-10 10:47:31,800 - ERROR - Learning error in episode 35, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,800 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,800 - ERROR - Learning error in episode 35, step 17: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,808 - ERROR - Learning error in episode 35, step 18: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,808 - ERROR - Learning error in episode 35, step 19: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,808 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-6.17 +2025-03-10 10:47:31,808 - ERROR - Learning error in episode 35, step 20: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,808 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,816 - ERROR - Learning error in episode 35, step 21: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,817 - ERROR - Learning error in episode 35, step 22: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,817 - ERROR - Learning error in episode 35, step 23: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,817 - ERROR - Learning error in episode 35, step 24: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,826 - ERROR - Learning error in episode 35, step 25: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,832 - ERROR - Learning error in episode 35, step 26: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,833 - ERROR - Learning error in episode 35, step 27: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,833 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-5.62 +2025-03-10 10:47:31,841 - ERROR - Learning error in episode 35, step 28: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,841 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,846 - ERROR - Learning error in episode 35, step 29: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,846 - ERROR - Learning error in episode 35, step 30: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,846 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-5.11 +2025-03-10 10:47:31,850 - ERROR - Learning error in episode 35, step 31: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,850 - ERROR - Learning error in episode 35, step 32: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,850 - ERROR - Learning error in episode 35, step 33: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,850 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,858 - ERROR - Learning error in episode 35, step 34: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,858 - ERROR - Learning error in episode 35, step 35: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,858 - ERROR - Error in episode 35: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,863 - ERROR - Learning error in episode 36, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,864 - ERROR - Learning error in episode 36, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,867 - ERROR - Learning error in episode 36, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,867 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,870 - ERROR - Learning error in episode 36, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,870 - ERROR - Learning error in episode 36, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,870 - ERROR - Error in episode 36: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,870 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,877 - ERROR - Learning error in episode 37, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,881 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:31,883 - ERROR - Learning error in episode 37, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,883 - ERROR - Learning error in episode 37, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,886 - ERROR - Learning error in episode 37, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,886 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,888 - ERROR - Learning error in episode 37, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,888 - ERROR - Error in episode 37: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,888 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:31,892 - ERROR - Learning error in episode 38, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,895 - ERROR - Learning error in episode 38, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,895 - ERROR - Learning error in episode 38, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,899 - ERROR - Learning error in episode 38, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,900 - ERROR - Learning error in episode 38, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,903 - ERROR - Learning error in episode 38, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,903 - ERROR - Learning error in episode 38, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,908 - ERROR - Learning error in episode 38, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,908 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:31,910 - ERROR - Learning error in episode 38, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,910 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,911 - ERROR - Learning error in episode 38, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,911 - ERROR - Learning error in episode 38, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,916 - ERROR - Learning error in episode 38, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,919 - ERROR - Learning error in episode 38, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,919 - ERROR - Learning error in episode 38, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,919 - ERROR - Learning error in episode 38, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,919 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:31,924 - ERROR - Learning error in episode 38, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,927 - ERROR - Learning error in episode 38, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,930 - ERROR - Learning error in episode 38, step 17: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,935 - ERROR - Learning error in episode 38, step 18: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,940 - ERROR - Learning error in episode 38, step 19: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,942 - ERROR - Learning error in episode 38, step 20: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,948 - ERROR - Learning error in episode 38, step 21: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,948 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,952 - ERROR - Learning error in episode 38, step 22: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,955 - ERROR - Learning error in episode 38, step 23: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,958 - ERROR - Learning error in episode 38, step 24: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,961 - ERROR - Learning error in episode 38, step 25: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,961 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:31,965 - ERROR - Learning error in episode 38, step 26: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,967 - ERROR - Error in episode 38: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:31,967 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,970 - ERROR - Learning error in episode 39, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,972 - ERROR - Learning error in episode 39, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,976 - ERROR - Learning error in episode 39, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,980 - ERROR - Learning error in episode 39, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,983 - ERROR - Learning error in episode 39, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,985 - ERROR - Learning error in episode 39, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,985 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:31,987 - ERROR - Learning error in episode 39, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,987 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:31,993 - ERROR - Learning error in episode 39, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,993 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:31,996 - ERROR - Learning error in episode 39, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:31,998 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,001 - ERROR - Learning error in episode 39, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,004 - ERROR - Learning error in episode 39, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,004 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:32,004 - ERROR - Learning error in episode 39, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,008 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,009 - ERROR - Learning error in episode 39, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,009 - ERROR - Learning error in episode 39, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,018 - ERROR - Learning error in episode 39, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,018 - ERROR - Learning error in episode 39, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,018 - ERROR - Learning error in episode 39, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,018 - ERROR - Learning error in episode 39, step 17: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,018 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-6.78 +2025-03-10 10:47:32,025 - ERROR - Learning error in episode 39, step 18: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,025 - ERROR - Learning error in episode 39, step 19: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,025 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,031 - ERROR - Learning error in episode 39, step 20: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,033 - ERROR - Learning error in episode 39, step 21: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,037 - ERROR - Learning error in episode 39, step 22: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,039 - ERROR - Learning error in episode 39, step 23: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,039 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-6.17 +2025-03-10 10:47:32,044 - ERROR - Learning error in episode 39, step 24: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,044 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,045 - ERROR - Learning error in episode 39, step 25: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,049 - ERROR - Learning error in episode 39, step 26: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,049 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-5.62 +2025-03-10 10:47:32,050 - ERROR - Learning error in episode 39, step 27: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,053 - ERROR - Error in episode 39: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,053 - ERROR - Learning error in episode 40, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,056 - ERROR - Learning error in episode 40, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,058 - ERROR - Learning error in episode 40, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,061 - ERROR - Learning error in episode 40, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,061 - ERROR - Error in episode 40: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,062 - ERROR - Learning error in episode 41, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,062 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,062 - ERROR - Learning error in episode 41, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,066 - ERROR - Learning error in episode 41, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,066 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:32,070 - ERROR - Learning error in episode 41, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,070 - ERROR - Learning error in episode 41, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,070 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,075 - ERROR - Learning error in episode 41, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,075 - ERROR - Error in episode 41: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,075 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,077 - ERROR - Learning error in episode 42, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,077 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:32,077 - ERROR - Learning error in episode 42, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,082 - ERROR - Error in episode 42: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,082 - ERROR - Learning error in episode 43, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,082 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,086 - ERROR - Learning error in episode 43, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,086 - ERROR - Learning error in episode 43, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,086 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:32,090 - ERROR - Learning error in episode 43, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,090 - ERROR - Learning error in episode 43, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,090 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,090 - ERROR - Learning error in episode 43, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,095 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:32,096 - ERROR - Learning error in episode 43, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,096 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,099 - ERROR - Learning error in episode 43, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,102 - ERROR - Learning error in episode 43, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,102 - ERROR - Learning error in episode 43, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,102 - ERROR - Error in episode 43: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,102 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,107 - ERROR - Learning error in episode 44, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,108 - ERROR - Error in episode 44: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,108 - ERROR - Learning error in episode 45, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,110 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,111 - ERROR - Learning error in episode 45, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,113 - ERROR - Learning error in episode 45, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,116 - ERROR - Learning error in episode 45, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,116 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:32,119 - ERROR - Learning error in episode 45, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,119 - ERROR - Learning error in episode 45, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,119 - ERROR - Learning error in episode 45, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,119 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,124 - ERROR - Learning error in episode 45, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,124 - ERROR - Learning error in episode 45, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,128 - ERROR - Learning error in episode 45, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,128 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:32,128 - ERROR - Learning error in episode 45, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,128 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,132 - ERROR - Learning error in episode 45, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,136 - ERROR - Learning error in episode 45, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,136 - ERROR - Learning error in episode 45, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,136 - ERROR - Learning error in episode 45, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,141 - ERROR - Learning error in episode 45, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,141 - ERROR - Error in episode 45: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,144 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,144 - ERROR - Learning error in episode 46, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,148 - ERROR - Learning error in episode 46, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,148 - ERROR - Learning error in episode 46, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,148 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:32,153 - ERROR - Learning error in episode 46, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,153 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,153 - ERROR - Learning error in episode 46, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,153 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:32,156 - ERROR - Learning error in episode 46, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,156 - ERROR - Error in episode 46: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,160 - ERROR - Learning error in episode 47, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,161 - ERROR - Learning error in episode 47, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,161 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,163 - ERROR - Learning error in episode 47, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,163 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:32,163 - ERROR - Learning error in episode 47, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,163 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,169 - ERROR - Learning error in episode 47, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,172 - ERROR - Learning error in episode 47, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,172 - ERROR - Learning error in episode 47, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,172 - ERROR - Error in episode 47: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,172 - ERROR - Error in episode 48: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,172 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,177 - ERROR - Learning error in episode 49, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,177 - ERROR - Error in episode 49: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,180 - ERROR - Learning error in episode 50, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,180 - ERROR - Learning error in episode 50, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,180 - ERROR - Error in episode 50: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,183 - ERROR - Learning error in episode 51, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,186 - ERROR - Error in episode 51: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,186 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,188 - ERROR - Learning error in episode 52, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,188 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:32,189 - ERROR - Learning error in episode 52, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,189 - ERROR - Learning error in episode 52, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,189 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,194 - ERROR - Learning error in episode 52, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,194 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:32,196 - ERROR - Learning error in episode 52, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,196 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,196 - ERROR - Learning error in episode 52, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,196 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:32,196 - ERROR - Learning error in episode 52, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,202 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,204 - ERROR - Learning error in episode 52, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,204 - ERROR - Learning error in episode 52, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,207 - ERROR - Error in episode 52: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,208 - ERROR - Learning error in episode 53, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,211 - ERROR - Learning error in episode 53, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,212 - ERROR - Learning error in episode 53, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,214 - ERROR - Learning error in episode 53, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,216 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,216 - ERROR - Learning error in episode 53, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,219 - ERROR - Learning error in episode 53, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,221 - ERROR - Error in episode 53: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,221 - ERROR - Error in episode 54: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,221 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,221 - ERROR - Learning error in episode 55, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,221 - ERROR - Learning error in episode 55, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,221 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:32,227 - ERROR - Learning error in episode 55, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,229 - ERROR - Learning error in episode 55, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,231 - ERROR - Learning error in episode 55, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,231 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,231 - ERROR - Learning error in episode 55, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,236 - ERROR - Learning error in episode 55, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,237 - ERROR - Learning error in episode 55, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,240 - ERROR - Learning error in episode 55, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,240 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:32,240 - ERROR - Learning error in episode 55, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,244 - ERROR - Learning error in episode 55, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,246 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,246 - ERROR - Learning error in episode 55, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,246 - ERROR - Error in episode 55: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,246 - ERROR - Learning error in episode 56, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,246 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,252 - ERROR - Learning error in episode 56, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,254 - ERROR - Learning error in episode 56, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,254 - ERROR - Learning error in episode 56, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,254 - ERROR - Learning error in episode 56, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,254 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:32,261 - ERROR - Learning error in episode 56, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,261 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,262 - ERROR - Learning error in episode 56, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,262 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:32,265 - ERROR - Learning error in episode 56, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,265 - ERROR - Learning error in episode 56, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,269 - ERROR - Learning error in episode 56, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,271 - ERROR - Learning error in episode 56, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,271 - ERROR - Learning error in episode 56, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,271 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,271 - ERROR - Learning error in episode 56, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,278 - ERROR - Learning error in episode 56, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,280 - ERROR - Learning error in episode 56, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,280 - ERROR - Error in episode 56: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,283 - ERROR - Learning error in episode 57, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,286 - ERROR - Learning error in episode 57, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,286 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,288 - ERROR - Learning error in episode 57, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,290 - ERROR - Learning error in episode 57, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,290 - ERROR - Learning error in episode 57, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,294 - ERROR - Learning error in episode 57, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,297 - ERROR - Learning error in episode 57, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,297 - ERROR - Learning error in episode 57, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,297 - ERROR - Error in episode 57: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,297 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,303 - ERROR - Learning error in episode 58, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,304 - ERROR - Learning error in episode 58, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,306 - ERROR - Learning error in episode 58, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,306 - ERROR - Learning error in episode 58, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,311 - ERROR - Learning error in episode 58, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,314 - ERROR - Learning error in episode 58, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,314 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:32,314 - ERROR - Learning error in episode 58, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,319 - ERROR - Learning error in episode 58, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,321 - ERROR - Learning error in episode 58, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,321 - ERROR - Learning error in episode 58, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,321 - ERROR - Learning error in episode 58, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,321 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,329 - ERROR - Learning error in episode 58, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,329 - ERROR - Learning error in episode 58, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,329 - ERROR - Learning error in episode 58, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,336 - ERROR - Learning error in episode 58, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,338 - ERROR - Learning error in episode 58, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,338 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:32,340 - ERROR - Learning error in episode 58, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,340 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,341 - ERROR - Learning error in episode 58, step 17: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,344 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:32,346 - ERROR - Learning error in episode 58, step 18: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,349 - ERROR - Learning error in episode 58, step 19: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,349 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,349 - ERROR - Learning error in episode 58, step 20: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,353 - ERROR - Learning error in episode 58, step 21: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,355 - ERROR - Learning error in episode 58, step 22: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,355 - ERROR - Learning error in episode 58, step 23: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,355 - ERROR - Error in episode 58: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,361 - ERROR - Learning error in episode 59, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,361 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,362 - ERROR - Learning error in episode 59, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,362 - ERROR - Learning error in episode 59, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,362 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:32,369 - ERROR - Learning error in episode 59, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,369 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,370 - ERROR - Learning error in episode 59, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,370 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:32,370 - ERROR - Learning error in episode 59, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,370 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,375 - ERROR - Learning error in episode 59, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,379 - ERROR - Learning error in episode 59, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,379 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:32,381 - ERROR - Learning error in episode 59, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,381 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,381 - ERROR - Learning error in episode 59, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,387 - ERROR - Learning error in episode 59, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,387 - ERROR - Learning error in episode 59, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,387 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-6.78 +2025-03-10 10:47:32,387 - ERROR - Learning error in episode 59, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,387 - ERROR - Error in episode 59: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,394 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,394 - ERROR - Learning error in episode 60, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,394 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:32,394 - ERROR - Learning error in episode 60, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,394 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,403 - ERROR - Learning error in episode 60, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,403 - ERROR - Error in episode 60: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,406 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,408 - ERROR - Learning error in episode 61, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,411 - ERROR - Learning error in episode 61, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,412 - ERROR - Learning error in episode 61, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,412 - ERROR - Learning error in episode 61, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,412 - ERROR - Learning error in episode 61, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,412 - ERROR - Error in episode 61: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,419 - ERROR - Learning error in episode 62, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,419 - ERROR - Learning error in episode 62, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,419 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,425 - ERROR - Learning error in episode 62, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,425 - ERROR - Error in episode 62: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,427 - ERROR - Learning error in episode 63, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,430 - ERROR - Learning error in episode 63, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,430 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,430 - ERROR - Learning error in episode 63, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,436 - ERROR - Learning error in episode 63, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,437 - ERROR - Learning error in episode 63, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,437 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:32,440 - ERROR - Learning error in episode 63, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,440 - ERROR - Learning error in episode 63, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,440 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,444 - ERROR - Learning error in episode 63, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,444 - ERROR - Learning error in episode 63, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,444 - ERROR - Learning error in episode 63, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,450 - ERROR - Learning error in episode 63, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,453 - ERROR - Learning error in episode 63, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,453 - ERROR - Learning error in episode 63, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,453 - ERROR - Learning error in episode 63, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,458 - ERROR - Learning error in episode 63, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,461 - ERROR - Learning error in episode 63, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,461 - ERROR - Learning error in episode 63, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,461 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:32,461 - ERROR - Learning error in episode 63, step 17: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,467 - ERROR - Learning error in episode 63, step 18: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,469 - ERROR - Learning error in episode 63, step 19: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,469 - ERROR - Learning error in episode 63, step 20: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,474 - ERROR - Learning error in episode 63, step 21: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,474 - ERROR - Learning error in episode 63, step 22: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,477 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,477 - ERROR - Learning error in episode 63, step 23: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,477 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:32,481 - ERROR - Learning error in episode 63, step 24: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,481 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,481 - ERROR - Learning error in episode 63, step 25: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,486 - ERROR - Learning error in episode 63, step 26: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,487 - ERROR - Learning error in episode 63, step 27: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,487 - ERROR - Learning error in episode 63, step 28: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,487 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-6.78 +2025-03-10 10:47:32,493 - ERROR - Learning error in episode 63, step 29: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,493 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,495 - ERROR - Learning error in episode 63, step 30: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,495 - ERROR - Learning error in episode 63, step 31: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,495 - ERROR - Learning error in episode 63, step 32: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,495 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-6.17 +2025-03-10 10:47:32,503 - ERROR - Learning error in episode 63, step 33: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,503 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,503 - ERROR - Learning error in episode 63, step 34: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,503 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-5.62 +2025-03-10 10:47:32,503 - ERROR - Learning error in episode 63, step 35: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,508 - ERROR - Learning error in episode 63, step 36: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,511 - ERROR - Learning error in episode 63, step 37: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,511 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,511 - ERROR - Learning error in episode 63, step 38: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,511 - ERROR - Learning error in episode 63, step 39: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,517 - ERROR - Learning error in episode 63, step 40: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,519 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-5.11 +2025-03-10 10:47:32,520 - ERROR - Learning error in episode 63, step 41: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,520 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,520 - ERROR - Learning error in episode 63, step 42: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,524 - ERROR - Learning error in episode 63, step 43: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,527 - ERROR - Learning error in episode 63, step 44: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,527 - ERROR - Error in episode 63: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,527 - ERROR - Learning error in episode 64, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,532 - ERROR - Learning error in episode 64, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,532 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,532 - ERROR - Learning error in episode 64, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,535 - ERROR - Learning error in episode 64, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,537 - ERROR - Error in episode 64: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,537 - ERROR - Learning error in episode 65, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,541 - ERROR - Learning error in episode 65, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,541 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,544 - ERROR - Learning error in episode 65, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,546 - ERROR - Learning error in episode 65, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,546 - ERROR - Learning error in episode 65, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,550 - ERROR - Learning error in episode 65, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,552 - ERROR - Learning error in episode 65, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,554 - ERROR - Learning error in episode 65, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,556 - ERROR - Learning error in episode 65, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,556 - ERROR - Learning error in episode 65, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,561 - ERROR - Learning error in episode 65, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,563 - ERROR - Learning error in episode 65, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,563 - ERROR - Learning error in episode 65, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,563 - ERROR - Learning error in episode 65, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,563 - ERROR - Learning error in episode 65, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,570 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:32,570 - ERROR - Learning error in episode 65, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,570 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,570 - ERROR - Learning error in episode 65, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,575 - ERROR - Learning error in episode 65, step 17: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,575 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:32,579 - ERROR - Learning error in episode 65, step 18: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,579 - ERROR - Learning error in episode 65, step 19: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,579 - ERROR - Learning error in episode 65, step 20: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,579 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,579 - ERROR - Learning error in episode 65, step 21: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,579 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:32,587 - ERROR - Learning error in episode 65, step 22: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,587 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,589 - ERROR - Learning error in episode 65, step 23: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,589 - ERROR - Learning error in episode 65, step 24: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,594 - ERROR - Learning error in episode 65, step 25: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,595 - ERROR - Learning error in episode 65, step 26: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,595 - ERROR - Error in episode 65: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,595 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,595 - ERROR - Learning error in episode 66, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,595 - ERROR - Learning error in episode 66, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,603 - ERROR - Learning error in episode 66, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,603 - ERROR - Error in episode 66: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,603 - ERROR - Learning error in episode 67, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,603 - ERROR - Learning error in episode 67, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,603 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,611 - ERROR - Learning error in episode 67, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,611 - ERROR - Learning error in episode 67, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,611 - ERROR - Learning error in episode 67, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,617 - ERROR - Learning error in episode 67, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,619 - ERROR - Learning error in episode 67, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,619 - ERROR - Error in episode 67: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,619 - ERROR - Learning error in episode 68, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,623 - ERROR - Error in episode 68: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,624 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,624 - ERROR - Learning error in episode 69, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,628 - ERROR - Learning error in episode 69, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,629 - ERROR - Learning error in episode 69, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,629 - ERROR - Learning error in episode 69, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,629 - ERROR - Learning error in episode 69, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,636 - ERROR - Learning error in episode 69, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,636 - ERROR - Learning error in episode 69, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,640 - ERROR - Learning error in episode 69, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,640 - ERROR - Learning error in episode 69, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,644 - ERROR - Learning error in episode 69, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,644 - ERROR - Learning error in episode 69, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,644 - ERROR - Learning error in episode 69, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,650 - ERROR - Learning error in episode 69, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,651 - ERROR - Error in episode 69: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,653 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,653 - ERROR - Learning error in episode 70, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,653 - ERROR - Learning error in episode 70, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,658 - ERROR - Learning error in episode 70, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,661 - ERROR - Learning error in episode 70, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,663 - ERROR - Learning error in episode 70, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,666 - ERROR - Learning error in episode 70, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,669 - ERROR - Learning error in episode 70, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,669 - ERROR - Learning error in episode 70, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,669 - ERROR - Learning error in episode 70, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,674 - ERROR - Learning error in episode 70, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,677 - ERROR - Learning error in episode 70, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,677 - ERROR - Learning error in episode 70, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,677 - ERROR - Learning error in episode 70, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,683 - ERROR - Learning error in episode 70, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,686 - ERROR - Learning error in episode 70, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,686 - ERROR - Learning error in episode 70, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,686 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:32,689 - ERROR - Learning error in episode 70, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,689 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,693 - ERROR - Learning error in episode 70, step 17: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,694 - ERROR - Learning error in episode 70, step 18: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,694 - ERROR - Learning error in episode 70, step 19: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,694 - ERROR - Learning error in episode 70, step 20: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,701 - ERROR - Learning error in episode 70, step 21: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,701 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:32,703 - ERROR - Learning error in episode 70, step 22: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,703 - ERROR - Learning error in episode 70, step 23: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,703 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,707 - ERROR - Learning error in episode 70, step 24: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,710 - ERROR - Learning error in episode 70, step 25: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,710 - ERROR - Error in episode 70: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,711 - ERROR - Learning error in episode 71, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,711 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,711 - ERROR - Learning error in episode 71, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,711 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:32,718 - ERROR - Learning error in episode 71, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,718 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,719 - ERROR - Learning error in episode 71, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,721 - ERROR - Error in episode 71: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,721 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,721 - ERROR - Learning error in episode 72, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,726 - ERROR - Learning error in episode 72, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,726 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:32,728 - ERROR - Learning error in episode 72, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,728 - ERROR - Learning error in episode 72, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,728 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,733 - ERROR - Learning error in episode 72, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,737 - ERROR - Learning error in episode 72, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,737 - ERROR - Learning error in episode 72, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,740 - ERROR - Learning error in episode 72, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,740 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:32,743 - ERROR - Learning error in episode 72, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,745 - ERROR - Learning error in episode 72, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,745 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,747 - ERROR - Learning error in episode 72, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,747 - ERROR - Error in episode 72: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,753 - ERROR - Learning error in episode 73, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,753 - ERROR - Learning error in episode 73, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,753 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,753 - ERROR - Learning error in episode 73, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,753 - ERROR - Learning error in episode 73, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,761 - ERROR - Learning error in episode 73, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,761 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:32,761 - ERROR - Learning error in episode 73, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,761 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,761 - ERROR - Learning error in episode 73, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,761 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:32,770 - ERROR - Learning error in episode 73, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,771 - ERROR - Learning error in episode 73, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,773 - ERROR - Learning error in episode 73, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,775 - ERROR - Error in episode 73: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,776 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,777 - ERROR - Learning error in episode 74, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,777 - ERROR - Learning error in episode 74, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,784 - ERROR - Learning error in episode 74, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,786 - ERROR - Learning error in episode 74, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,786 - ERROR - Learning error in episode 74, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,791 - ERROR - Learning error in episode 74, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,791 - ERROR - Error in episode 74: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,792 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,795 - ERROR - Learning error in episode 75, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,795 - ERROR - Error in episode 75: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,795 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,795 - ERROR - Learning error in episode 76, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,799 - ERROR - Learning error in episode 76, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,801 - ERROR - Learning error in episode 76, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,801 - ERROR - Learning error in episode 76, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,801 - ERROR - Error in episode 76: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,801 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,801 - ERROR - Learning error in episode 77, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,801 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:32,809 - ERROR - Learning error in episode 77, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,809 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,809 - ERROR - Learning error in episode 77, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,809 - ERROR - Learning error in episode 77, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,809 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:32,819 - ERROR - Learning error in episode 77, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,819 - ERROR - Learning error in episode 77, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,819 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,822 - ERROR - Learning error in episode 77, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,822 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:32,826 - ERROR - Learning error in episode 77, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,828 - ERROR - Learning error in episode 77, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,828 - ERROR - Error in episode 77: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,828 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,828 - ERROR - Learning error in episode 78, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,828 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:32,835 - ERROR - Learning error in episode 78, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,835 - ERROR - Error in episode 78: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,835 - ERROR - Learning error in episode 79, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,840 - ERROR - Learning error in episode 79, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,840 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,843 - ERROR - Learning error in episode 79, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,843 - ERROR - Learning error in episode 79, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,847 - ERROR - Learning error in episode 79, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,847 - ERROR - Learning error in episode 79, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,851 - ERROR - Learning error in episode 79, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,851 - ERROR - Error in episode 79: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,854 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,854 - ERROR - Learning error in episode 80, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,854 - ERROR - Learning error in episode 80, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,854 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:32,859 - ERROR - Learning error in episode 80, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,861 - ERROR - Learning error in episode 80, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,861 - ERROR - Error in episode 80: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,864 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,864 - ERROR - Learning error in episode 81, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,867 - ERROR - Learning error in episode 81, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,868 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:32,869 - ERROR - Learning error in episode 81, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,869 - ERROR - Learning error in episode 81, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,869 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,869 - ERROR - Learning error in episode 81, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,877 - ERROR - Learning error in episode 81, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,877 - ERROR - Learning error in episode 81, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,877 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:32,877 - ERROR - Learning error in episode 81, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,877 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,884 - ERROR - Learning error in episode 81, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,885 - ERROR - Learning error in episode 81, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,885 - ERROR - Learning error in episode 81, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,885 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:32,890 - ERROR - Learning error in episode 81, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,892 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,892 - ERROR - Learning error in episode 81, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,895 - ERROR - Learning error in episode 81, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,898 - ERROR - Learning error in episode 81, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,898 - ERROR - Learning error in episode 81, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,901 - ERROR - Learning error in episode 81, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,904 - ERROR - Learning error in episode 81, step 17: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,904 - ERROR - Learning error in episode 81, step 18: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,904 - ERROR - Learning error in episode 81, step 19: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,909 - ERROR - Error in episode 81: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,909 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,911 - ERROR - Learning error in episode 82, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,911 - ERROR - Learning error in episode 82, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,911 - ERROR - Learning error in episode 82, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,918 - ERROR - Learning error in episode 82, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,920 - ERROR - Learning error in episode 82, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,920 - ERROR - Learning error in episode 82, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,920 - ERROR - Learning error in episode 82, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,920 - ERROR - Error in episode 82: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,928 - ERROR - Learning error in episode 83, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,928 - ERROR - Learning error in episode 83, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,928 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,935 - ERROR - Learning error in episode 83, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,936 - ERROR - Learning error in episode 83, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,936 - ERROR - Learning error in episode 83, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,940 - ERROR - Learning error in episode 83, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,940 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:32,943 - ERROR - Learning error in episode 83, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,944 - ERROR - Learning error in episode 83, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,947 - ERROR - Learning error in episode 83, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,947 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,947 - ERROR - Learning error in episode 83, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,951 - ERROR - Learning error in episode 83, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,953 - ERROR - Learning error in episode 83, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,953 - ERROR - Learning error in episode 83, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,953 - ERROR - Learning error in episode 83, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,959 - ERROR - Error in episode 83: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,960 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,961 - ERROR - Learning error in episode 84, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,961 - ERROR - Learning error in episode 84, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,965 - ERROR - Learning error in episode 84, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,968 - ERROR - Learning error in episode 84, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,968 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:32,969 - ERROR - Learning error in episode 84, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,969 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,972 - ERROR - Learning error in episode 84, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,972 - ERROR - Error in episode 84: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,975 - ERROR - Learning error in episode 85, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,976 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,977 - ERROR - Learning error in episode 85, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,977 - ERROR - Error in episode 85: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,979 - ERROR - Error in episode 86: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,979 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:32,981 - ERROR - Learning error in episode 87, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,985 - ERROR - Learning error in episode 87, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,985 - ERROR - Learning error in episode 87, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,988 - ERROR - Learning error in episode 87, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,990 - ERROR - Learning error in episode 87, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,990 - ERROR - Error in episode 87: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:32,992 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:32,993 - ERROR - Learning error in episode 88, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,996 - ERROR - Learning error in episode 88, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:32,997 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:32,997 - ERROR - Learning error in episode 88, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,000 - ERROR - Learning error in episode 88, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,002 - ERROR - Learning error in episode 88, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,002 - ERROR - Error in episode 88: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,004 - ERROR - Learning error in episode 89, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,004 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,004 - ERROR - Learning error in episode 89, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,010 - ERROR - Learning error in episode 89, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,010 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:33,012 - ERROR - Learning error in episode 89, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,012 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,012 - ERROR - Learning error in episode 89, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,012 - ERROR - Learning error in episode 89, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,012 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:33,019 - ERROR - Learning error in episode 89, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,020 - ERROR - Learning error in episode 89, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,020 - ERROR - Learning error in episode 89, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,020 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,027 - ERROR - Learning error in episode 89, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,027 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:33,029 - ERROR - Learning error in episode 89, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,030 - ERROR - Learning error in episode 89, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,030 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,034 - ERROR - Learning error in episode 89, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,034 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-6.78 +2025-03-10 10:47:33,034 - ERROR - Learning error in episode 89, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,034 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,038 - ERROR - Learning error in episode 89, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,038 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-6.17 +2025-03-10 10:47:33,041 - ERROR - Learning error in episode 89, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,043 - ERROR - Learning error in episode 89, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,043 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,046 - ERROR - Learning error in episode 89, step 17: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,046 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-5.62 +2025-03-10 10:47:33,046 - ERROR - Learning error in episode 89, step 18: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,046 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,050 - ERROR - Learning error in episode 89, step 19: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,050 - ERROR - Learning error in episode 89, step 20: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,050 - ERROR - Learning error in episode 89, step 21: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,056 - ERROR - Learning error in episode 89, step 22: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,059 - ERROR - Learning error in episode 89, step 23: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,059 - ERROR - Error in episode 89: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,059 - ERROR - Learning error in episode 90, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,063 - ERROR - Learning error in episode 90, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,064 - ERROR - Learning error in episode 90, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,068 - ERROR - Learning error in episode 90, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,070 - ERROR - Learning error in episode 90, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,070 - ERROR - Learning error in episode 90, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,073 - ERROR - Learning error in episode 90, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,075 - ERROR - Error in episode 90: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,075 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,077 - ERROR - Learning error in episode 91, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,077 - ERROR - Error in episode 91: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,077 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,081 - ERROR - Learning error in episode 92, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,084 - ERROR - Learning error in episode 92, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,084 - ERROR - Learning error in episode 92, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,087 - ERROR - Learning error in episode 92, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,089 - ERROR - Learning error in episode 92, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,089 - ERROR - Learning error in episode 92, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,092 - ERROR - Learning error in episode 92, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,095 - ERROR - Learning error in episode 92, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,098 - ERROR - Learning error in episode 92, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,098 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:33,100 - ERROR - Learning error in episode 92, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,100 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,102 - ERROR - Learning error in episode 92, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,102 - ERROR - Learning error in episode 92, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,106 - ERROR - Learning error in episode 92, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,108 - ERROR - Error in episode 92: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,109 - ERROR - Learning error in episode 93, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,109 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,109 - ERROR - Learning error in episode 93, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,109 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:33,114 - ERROR - Learning error in episode 93, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,114 - ERROR - Error in episode 93: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,114 - ERROR - Error in episode 94: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,118 - ERROR - Learning error in episode 95, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,118 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,120 - ERROR - Learning error in episode 95, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,120 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:33,122 - ERROR - Learning error in episode 95, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,122 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,125 - ERROR - Learning error in episode 95, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,125 - ERROR - Learning error in episode 95, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,125 - ERROR - Learning error in episode 95, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,131 - ERROR - Learning error in episode 95, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,134 - ERROR - Learning error in episode 95, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,134 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:33,134 - ERROR - Learning error in episode 95, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,134 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,138 - ERROR - Learning error in episode 95, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,141 - ERROR - Learning error in episode 95, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,142 - ERROR - Learning error in episode 95, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,145 - ERROR - Learning error in episode 95, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,148 - ERROR - Learning error in episode 95, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,151 - ERROR - Learning error in episode 95, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,151 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:33,151 - ERROR - Learning error in episode 95, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,151 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,156 - ERROR - Learning error in episode 95, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,157 - ERROR - Learning error in episode 95, step 17: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,160 - ERROR - Learning error in episode 95, step 18: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,160 - ERROR - Learning error in episode 95, step 19: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,163 - ERROR - Error in episode 95: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,165 - ERROR - Learning error in episode 96, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,165 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,168 - ERROR - Learning error in episode 96, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,168 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:33,170 - ERROR - Learning error in episode 96, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,172 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,172 - ERROR - Learning error in episode 96, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,172 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:33,176 - ERROR - Learning error in episode 96, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,176 - ERROR - Learning error in episode 96, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,176 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,181 - ERROR - Learning error in episode 96, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,185 - ERROR - Learning error in episode 96, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,187 - ERROR - Learning error in episode 96, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,190 - ERROR - Learning error in episode 96, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,190 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:33,194 - ERROR - Learning error in episode 96, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,194 - ERROR - Learning error in episode 96, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,198 - ERROR - Learning error in episode 96, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,198 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,200 - ERROR - Learning error in episode 96, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,201 - ERROR - Learning error in episode 96, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,203 - ERROR - Learning error in episode 96, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,206 - ERROR - Learning error in episode 96, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,206 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-6.78 +2025-03-10 10:47:33,209 - ERROR - Learning error in episode 96, step 17: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,209 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,211 - ERROR - Learning error in episode 96, step 18: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,211 - ERROR - Error in episode 96: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,211 - ERROR - Error in episode 97: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,214 - ERROR - Learning error in episode 98, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,217 - ERROR - Learning error in episode 98, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,219 - ERROR - Learning error in episode 98, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,219 - ERROR - Error in episode 98: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,219 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,222 - ERROR - Learning error in episode 99, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,222 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:33,226 - ERROR - Learning error in episode 99, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,227 - ERROR - Learning error in episode 99, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,227 - ERROR - Error in episode 99: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,231 - ERROR - Learning error in episode 100, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,231 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,234 - ERROR - Learning error in episode 100, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,235 - ERROR - Learning error in episode 100, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,235 - ERROR - Learning error in episode 100, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,239 - ERROR - Learning error in episode 100, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,242 - ERROR - Learning error in episode 100, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,243 - ERROR - Learning error in episode 100, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,243 - ERROR - Learning error in episode 100, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,243 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:33,248 - ERROR - Learning error in episode 100, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,251 - ERROR - Learning error in episode 100, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,251 - ERROR - Error in episode 100: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,251 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,253 - ERROR - Learning error in episode 101, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,253 - ERROR - Error in episode 101: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,256 - ERROR - Learning error in episode 102, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,259 - ERROR - Learning error in episode 102, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,259 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,260 - ERROR - Learning error in episode 102, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,264 - ERROR - Learning error in episode 102, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,264 - ERROR - Learning error in episode 102, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,268 - ERROR - Learning error in episode 102, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,268 - ERROR - Learning error in episode 102, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,272 - ERROR - Learning error in episode 102, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,273 - ERROR - Learning error in episode 102, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,276 - ERROR - Learning error in episode 102, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,276 - ERROR - Learning error in episode 102, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,276 - ERROR - Learning error in episode 102, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,282 - ERROR - Learning error in episode 102, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,285 - ERROR - Learning error in episode 102, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,285 - ERROR - Learning error in episode 102, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,289 - ERROR - Learning error in episode 102, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,290 - ERROR - Learning error in episode 102, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,292 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:33,293 - ERROR - Learning error in episode 102, step 17: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,296 - ERROR - Learning error in episode 102, step 18: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,299 - ERROR - Learning error in episode 102, step 19: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,299 - ERROR - Error in episode 102: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,301 - ERROR - Learning error in episode 103, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,301 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,303 - ERROR - Learning error in episode 103, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,303 - ERROR - Learning error in episode 103, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,307 - ERROR - Learning error in episode 103, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,310 - ERROR - Learning error in episode 103, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,310 - ERROR - Learning error in episode 103, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,310 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:33,317 - ERROR - Learning error in episode 103, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,317 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,319 - ERROR - Learning error in episode 103, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,319 - ERROR - Learning error in episode 103, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,319 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:33,324 - ERROR - Learning error in episode 103, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,327 - ERROR - Learning error in episode 103, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,327 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,327 - ERROR - Learning error in episode 103, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,327 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:33,332 - ERROR - Learning error in episode 103, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,334 - ERROR - Error in episode 103: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,335 - ERROR - Learning error in episode 104, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,335 - ERROR - Learning error in episode 104, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,335 - ERROR - Error in episode 104: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,340 - ERROR - Error in episode 105: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,340 - ERROR - Error in episode 106: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,341 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,342 - ERROR - Learning error in episode 107, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,342 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:33,344 - ERROR - Learning error in episode 107, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,344 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,348 - ERROR - Learning error in episode 107, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,351 - ERROR - Learning error in episode 107, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,352 - ERROR - Learning error in episode 107, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,352 - ERROR - Learning error in episode 107, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,352 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:33,356 - ERROR - Learning error in episode 107, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,359 - ERROR - Learning error in episode 107, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,359 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,361 - ERROR - Learning error in episode 107, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,364 - ERROR - Learning error in episode 107, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,364 - ERROR - Learning error in episode 107, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,367 - ERROR - Learning error in episode 107, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,369 - ERROR - Learning error in episode 107, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,372 - ERROR - Learning error in episode 107, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,372 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:33,373 - ERROR - Learning error in episode 107, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,373 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,376 - ERROR - Learning error in episode 107, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,376 - ERROR - Error in episode 107: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,378 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,380 - ERROR - Learning error in episode 108, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,380 - ERROR - Learning error in episode 108, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,380 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:33,385 - ERROR - Learning error in episode 108, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,385 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,388 - ERROR - Learning error in episode 108, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,388 - ERROR - Learning error in episode 108, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,388 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:33,392 - ERROR - Learning error in episode 108, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,393 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,393 - ERROR - Learning error in episode 108, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,393 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:33,397 - ERROR - Learning error in episode 108, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,397 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,400 - ERROR - Learning error in episode 108, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,401 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-6.78 +2025-03-10 10:47:33,401 - ERROR - Learning error in episode 108, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,401 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,401 - ERROR - Learning error in episode 108, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,407 - ERROR - Learning error in episode 108, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,409 - ERROR - Learning error in episode 108, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,409 - ERROR - Learning error in episode 108, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,409 - ERROR - Error in episode 108: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,413 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,415 - ERROR - Learning error in episode 109, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,417 - ERROR - Learning error in episode 109, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,418 - ERROR - Learning error in episode 109, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,418 - ERROR - Learning error in episode 109, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,423 - ERROR - Learning error in episode 109, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,426 - ERROR - Learning error in episode 109, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,426 - ERROR - Error in episode 109: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,427 - ERROR - Learning error in episode 110, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,427 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,431 - ERROR - Learning error in episode 110, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,433 - ERROR - Learning error in episode 110, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,436 - ERROR - Learning error in episode 110, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,436 - ERROR - Learning error in episode 110, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,442 - ERROR - Learning error in episode 110, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,443 - ERROR - Error in episode 110: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,446 - ERROR - Learning error in episode 111, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,448 - ERROR - Learning error in episode 111, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,448 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,450 - ERROR - Learning error in episode 111, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,452 - ERROR - Learning error in episode 111, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,452 - ERROR - Learning error in episode 111, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,456 - ERROR - Learning error in episode 111, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,459 - ERROR - Learning error in episode 111, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,459 - ERROR - Learning error in episode 111, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,459 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:33,465 - ERROR - Learning error in episode 111, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,465 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,467 - ERROR - Learning error in episode 111, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,468 - ERROR - Learning error in episode 111, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,471 - ERROR - Learning error in episode 111, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,471 - ERROR - Error in episode 111: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,473 - ERROR - Learning error in episode 112, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,475 - ERROR - Learning error in episode 112, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,477 - ERROR - Learning error in episode 112, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,477 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,481 - ERROR - Learning error in episode 112, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,483 - ERROR - Learning error in episode 112, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,485 - ERROR - Learning error in episode 112, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,485 - ERROR - Error in episode 112: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,485 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,485 - ERROR - Learning error in episode 113, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,489 - ERROR - Learning error in episode 113, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,489 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:33,493 - ERROR - Learning error in episode 113, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,493 - ERROR - Learning error in episode 113, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,493 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,493 - ERROR - Learning error in episode 113, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,497 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:33,498 - ERROR - Learning error in episode 113, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,498 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,501 - ERROR - Learning error in episode 113, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,501 - ERROR - Error in episode 113: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,504 - ERROR - Error in episode 114: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,505 - ERROR - Learning error in episode 115, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,505 - ERROR - Error in episode 115: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,505 - ERROR - Learning error in episode 116, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,509 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,510 - ERROR - Learning error in episode 116, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,510 - ERROR - Learning error in episode 116, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,513 - ERROR - Error in episode 116: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,514 - ERROR - Learning error in episode 117, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,514 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,517 - ERROR - Learning error in episode 117, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,520 - ERROR - Learning error in episode 117, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,520 - ERROR - Error in episode 117: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,522 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,522 - ERROR - Learning error in episode 118, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,525 - ERROR - Learning error in episode 118, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,527 - ERROR - Learning error in episode 118, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,530 - ERROR - Learning error in episode 118, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,530 - ERROR - Learning error in episode 118, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,534 - ERROR - Learning error in episode 118, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,535 - ERROR - Learning error in episode 118, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,535 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:33,538 - ERROR - Learning error in episode 118, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,538 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,538 - ERROR - Learning error in episode 118, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,542 - ERROR - Learning error in episode 118, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,542 - ERROR - Learning error in episode 118, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,542 - ERROR - Learning error in episode 118, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,550 - ERROR - Learning error in episode 118, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,551 - ERROR - Learning error in episode 118, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,553 - ERROR - Learning error in episode 118, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,553 - ERROR - Error in episode 118: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,557 - ERROR - Learning error in episode 119, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,557 - ERROR - Error in episode 119: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,558 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,559 - ERROR - Learning error in episode 120, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,559 - ERROR - Error in episode 120: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,561 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,561 - ERROR - Learning error in episode 121, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,561 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:33,566 - ERROR - Learning error in episode 121, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,567 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,569 - ERROR - Learning error in episode 121, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,569 - ERROR - Learning error in episode 121, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,569 - ERROR - Learning error in episode 121, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,573 - ERROR - Learning error in episode 121, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,575 - ERROR - Error in episode 121: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,575 - ERROR - Error in episode 122: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,575 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,575 - ERROR - Learning error in episode 123, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,575 - ERROR - Learning error in episode 123, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,582 - ERROR - Learning error in episode 123, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,584 - ERROR - Learning error in episode 123, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,584 - ERROR - Learning error in episode 123, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,584 - ERROR - Learning error in episode 123, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,590 - ERROR - Learning error in episode 123, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,592 - ERROR - Error in episode 123: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,593 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,593 - ERROR - Learning error in episode 124, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,593 - ERROR - Learning error in episode 124, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,598 - ERROR - Learning error in episode 124, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,599 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:33,599 - ERROR - Learning error in episode 124, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,599 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,599 - ERROR - Learning error in episode 124, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,606 - ERROR - Learning error in episode 124, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,608 - ERROR - Learning error in episode 124, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,609 - ERROR - Error in episode 124: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,610 - ERROR - Learning error in episode 125, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,610 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,610 - ERROR - Learning error in episode 125, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,615 - ERROR - Learning error in episode 125, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,618 - ERROR - Learning error in episode 125, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,618 - ERROR - Learning error in episode 125, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,618 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:33,621 - ERROR - Learning error in episode 125, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,623 - ERROR - Learning error in episode 125, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,625 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,627 - ERROR - Learning error in episode 125, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,627 - ERROR - Learning error in episode 125, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,627 - ERROR - Learning error in episode 125, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,632 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:33,634 - ERROR - Learning error in episode 125, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,635 - ERROR - Learning error in episode 125, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,635 - ERROR - Learning error in episode 125, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,640 - ERROR - Learning error in episode 125, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,643 - ERROR - Learning error in episode 125, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,643 - ERROR - Learning error in episode 125, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,643 - ERROR - Learning error in episode 125, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,643 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,649 - ERROR - Learning error in episode 125, step 17: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,651 - ERROR - Learning error in episode 125, step 18: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,651 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:33,651 - ERROR - Learning error in episode 125, step 19: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,655 - ERROR - Learning error in episode 125, step 20: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,655 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,657 - ERROR - Learning error in episode 125, step 21: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,659 - ERROR - Learning error in episode 125, step 22: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,659 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-6.78 +2025-03-10 10:47:33,662 - ERROR - Learning error in episode 125, step 23: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,665 - ERROR - Learning error in episode 125, step 24: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,665 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,667 - ERROR - Learning error in episode 125, step 25: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,668 - ERROR - Learning error in episode 125, step 26: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,668 - ERROR - Learning error in episode 125, step 27: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,674 - ERROR - Learning error in episode 125, step 28: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,674 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-6.17 +2025-03-10 10:47:33,676 - ERROR - Learning error in episode 125, step 29: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,676 - ERROR - Learning error in episode 125, step 30: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,680 - ERROR - Learning error in episode 125, step 31: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,682 - ERROR - Learning error in episode 125, step 32: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,682 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,684 - ERROR - Learning error in episode 125, step 33: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,686 - ERROR - Learning error in episode 125, step 34: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,686 - ERROR - Learning error in episode 125, step 35: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,690 - ERROR - Learning error in episode 125, step 36: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,692 - ERROR - Error in episode 125: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,694 - ERROR - Learning error in episode 126, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,694 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,694 - ERROR - Learning error in episode 126, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,698 - ERROR - Learning error in episode 126, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,698 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:33,702 - ERROR - Learning error in episode 126, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,702 - ERROR - Error in episode 126: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,704 - ERROR - Learning error in episode 127, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,706 - ERROR - Error in episode 127: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,709 - ERROR - Learning error in episode 128, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,710 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,710 - ERROR - Learning error in episode 128, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,710 - ERROR - Learning error in episode 128, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,715 - ERROR - Error in episode 128: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,717 - ERROR - Learning error in episode 129, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,718 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,718 - ERROR - Learning error in episode 129, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,718 - ERROR - Error in episode 129: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,718 - ERROR - Learning error in episode 130, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,723 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,724 - ERROR - Learning error in episode 130, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,726 - ERROR - Learning error in episode 130, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,726 - ERROR - Learning error in episode 130, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,730 - ERROR - Learning error in episode 130, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,732 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:33,734 - ERROR - Learning error in episode 130, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,735 - ERROR - Learning error in episode 130, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,737 - ERROR - Error in episode 130: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,738 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,740 - ERROR - Learning error in episode 131, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,740 - ERROR - Error in episode 131: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,742 - ERROR - Learning error in episode 132, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,745 - ERROR - Learning error in episode 132, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,745 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,745 - ERROR - Learning error in episode 132, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,748 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:33,748 - ERROR - Learning error in episode 132, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,751 - ERROR - Learning error in episode 132, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,753 - ERROR - Learning error in episode 132, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,753 - ERROR - Error in episode 132: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,756 - ERROR - Learning error in episode 133, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,756 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,759 - ERROR - Learning error in episode 133, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,759 - ERROR - Error in episode 133: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,759 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,759 - ERROR - Learning error in episode 134, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,764 - ERROR - Learning error in episode 134, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,764 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:33,767 - ERROR - Learning error in episode 134, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,768 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,768 - ERROR - Learning error in episode 134, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,772 - ERROR - Learning error in episode 134, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,772 - ERROR - Learning error in episode 134, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,772 - ERROR - Learning error in episode 134, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,779 - ERROR - Learning error in episode 134, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,780 - ERROR - Learning error in episode 134, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,780 - ERROR - Learning error in episode 134, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,785 - ERROR - Learning error in episode 134, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,785 - ERROR - Learning error in episode 134, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,788 - ERROR - Learning error in episode 134, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,788 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:33,792 - ERROR - Learning error in episode 134, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,793 - ERROR - Learning error in episode 134, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,796 - ERROR - Error in episode 134: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,796 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,797 - ERROR - Learning error in episode 135, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,800 - ERROR - Learning error in episode 135, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,800 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:33,802 - ERROR - Learning error in episode 135, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,802 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,805 - ERROR - Learning error in episode 135, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,805 - ERROR - Learning error in episode 135, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,809 - ERROR - Learning error in episode 135, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,810 - ERROR - Learning error in episode 135, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,813 - ERROR - Learning error in episode 135, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,813 - ERROR - Learning error in episode 135, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,817 - ERROR - Learning error in episode 135, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,820 - ERROR - Learning error in episode 135, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,822 - ERROR - Learning error in episode 135, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,822 - ERROR - Learning error in episode 135, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,825 - ERROR - Error in episode 135: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,825 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,826 - ERROR - Learning error in episode 136, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,826 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:33,830 - ERROR - Learning error in episode 136, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,830 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,832 - ERROR - Learning error in episode 136, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,832 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:33,835 - ERROR - Learning error in episode 136, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,835 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,836 - ERROR - Learning error in episode 136, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,838 - ERROR - Learning error in episode 136, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,842 - ERROR - Learning error in episode 136, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,842 - ERROR - Error in episode 136: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,843 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,843 - ERROR - Learning error in episode 137, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,843 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:33,847 - ERROR - Learning error in episode 137, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,849 - ERROR - Learning error in episode 137, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,851 - ERROR - Learning error in episode 137, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,851 - ERROR - Learning error in episode 137, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,851 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,856 - ERROR - Learning error in episode 137, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,859 - ERROR - Learning error in episode 137, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,860 - ERROR - Error in episode 137: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,861 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,861 - ERROR - Learning error in episode 138, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,861 - ERROR - Error in episode 138: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,861 - ERROR - Learning error in episode 139, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,867 - ERROR - Learning error in episode 139, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,867 - ERROR - Error in episode 139: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,868 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,868 - ERROR - Learning error in episode 140, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,868 - ERROR - Learning error in episode 140, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,874 - ERROR - Learning error in episode 140, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,876 - ERROR - Learning error in episode 140, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,876 - ERROR - Learning error in episode 140, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,876 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:33,876 - ERROR - Learning error in episode 140, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,882 - ERROR - Learning error in episode 140, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,885 - ERROR - Learning error in episode 140, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,885 - ERROR - Learning error in episode 140, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,885 - ERROR - Learning error in episode 140, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,890 - ERROR - Learning error in episode 140, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,892 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,893 - ERROR - Learning error in episode 140, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,893 - ERROR - Learning error in episode 140, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,893 - ERROR - Error in episode 140: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,897 - ERROR - Learning error in episode 141, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,899 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,900 - ERROR - Learning error in episode 141, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,903 - ERROR - Learning error in episode 141, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,903 - ERROR - Learning error in episode 141, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,908 - ERROR - Learning error in episode 141, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,909 - ERROR - Learning error in episode 141, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,911 - ERROR - Learning error in episode 141, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,911 - ERROR - Learning error in episode 141, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,916 - ERROR - Learning error in episode 141, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,916 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:33,919 - ERROR - Learning error in episode 141, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,919 - ERROR - Learning error in episode 141, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,919 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,919 - ERROR - Learning error in episode 141, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,919 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:33,926 - ERROR - Learning error in episode 141, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,926 - ERROR - Learning error in episode 141, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,926 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,926 - ERROR - Learning error in episode 141, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,931 - ERROR - Learning error in episode 141, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,934 - ERROR - Learning error in episode 141, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,934 - ERROR - Learning error in episode 141, step 17: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,934 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:33,938 - ERROR - Learning error in episode 141, step 18: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,940 - ERROR - Learning error in episode 141, step 19: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,942 - ERROR - Learning error in episode 141, step 20: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,945 - ERROR - Learning error in episode 141, step 21: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,948 - ERROR - Learning error in episode 141, step 22: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,948 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,948 - ERROR - Learning error in episode 141, step 23: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,950 - ERROR - Error in episode 141: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,952 - ERROR - Error in episode 142: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,952 - ERROR - Learning error in episode 143, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,956 - ERROR - Learning error in episode 143, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,956 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,959 - ERROR - Learning error in episode 143, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,959 - ERROR - Learning error in episode 143, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,959 - ERROR - Error in episode 143: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,959 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,964 - ERROR - Learning error in episode 144, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,968 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:33,968 - ERROR - Learning error in episode 144, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,968 - ERROR - Error in episode 144: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,973 - ERROR - Error in episode 145: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,973 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,975 - ERROR - Learning error in episode 146, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,975 - ERROR - Error in episode 146: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,975 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,975 - ERROR - Learning error in episode 147, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,975 - ERROR - Learning error in episode 147, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,975 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:33,983 - ERROR - Learning error in episode 147, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,983 - ERROR - Error in episode 147: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,983 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:33,983 - ERROR - Learning error in episode 148, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,991 - ERROR - Learning error in episode 148, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,992 - ERROR - Error in episode 148: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,992 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:33,993 - ERROR - Learning error in episode 149, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:33,993 - ERROR - Error in episode 149: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,996 - ERROR - Error in episode 150: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:33,997 - ERROR - Learning error in episode 151, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,000 - ERROR - Learning error in episode 151, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,001 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,002 - ERROR - Learning error in episode 151, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,002 - ERROR - Error in episode 151: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,002 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,002 - ERROR - Learning error in episode 152, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,008 - ERROR - Learning error in episode 152, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,009 - ERROR - Error in episode 152: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,010 - ERROR - Learning error in episode 153, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,010 - ERROR - Learning error in episode 153, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,016 - ERROR - Learning error in episode 153, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,016 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,018 - ERROR - Learning error in episode 153, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,018 - ERROR - Learning error in episode 153, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,022 - ERROR - Learning error in episode 153, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,022 - ERROR - Learning error in episode 153, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,026 - ERROR - Learning error in episode 153, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,026 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:34,029 - ERROR - Learning error in episode 153, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,031 - ERROR - Learning error in episode 153, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,031 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,035 - ERROR - Learning error in episode 153, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,035 - ERROR - Learning error in episode 153, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,035 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:34,039 - ERROR - Learning error in episode 153, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,041 - ERROR - Learning error in episode 153, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,042 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,043 - ERROR - Learning error in episode 153, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,043 - ERROR - Learning error in episode 153, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,047 - ERROR - Learning error in episode 153, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,049 - ERROR - Error in episode 153: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,049 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,051 - ERROR - Learning error in episode 154, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,051 - ERROR - Learning error in episode 154, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,055 - ERROR - Error in episode 154: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,056 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,056 - ERROR - Learning error in episode 155, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,056 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:34,060 - ERROR - Learning error in episode 155, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,062 - ERROR - Error in episode 155: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,062 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,064 - ERROR - Learning error in episode 156, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,064 - ERROR - Learning error in episode 156, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,064 - ERROR - Error in episode 156: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,068 - ERROR - Learning error in episode 157, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,068 - ERROR - Error in episode 157: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,068 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,072 - ERROR - Learning error in episode 158, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,073 - ERROR - Learning error in episode 158, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,077 - ERROR - Learning error in episode 158, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,077 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:34,077 - ERROR - Learning error in episode 158, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,081 - ERROR - Learning error in episode 158, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,084 - ERROR - Learning error in episode 158, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,085 - ERROR - Learning error in episode 158, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,085 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,085 - ERROR - Learning error in episode 158, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,090 - ERROR - Learning error in episode 158, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,092 - ERROR - Learning error in episode 158, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,092 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:34,092 - ERROR - Learning error in episode 158, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,097 - ERROR - Learning error in episode 158, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,097 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,100 - ERROR - Learning error in episode 158, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,101 - ERROR - Learning error in episode 158, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,103 - ERROR - Error in episode 158: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,105 - ERROR - Learning error in episode 159, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,105 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,105 - ERROR - Learning error in episode 159, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,110 - ERROR - Learning error in episode 159, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,110 - ERROR - Learning error in episode 159, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,110 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:34,114 - ERROR - Learning error in episode 159, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,114 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,117 - ERROR - Learning error in episode 159, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,118 - ERROR - Learning error in episode 159, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,120 - ERROR - Learning error in episode 159, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,122 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:34,122 - ERROR - Learning error in episode 159, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,125 - ERROR - Learning error in episode 159, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,125 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,128 - ERROR - Learning error in episode 159, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,128 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:34,130 - ERROR - Learning error in episode 159, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,130 - ERROR - Error in episode 159: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,130 - ERROR - Error in episode 160: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,134 - ERROR - Learning error in episode 161, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,136 - ERROR - Learning error in episode 161, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,136 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,138 - ERROR - Learning error in episode 161, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,138 - ERROR - Learning error in episode 161, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,142 - ERROR - Learning error in episode 161, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,142 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:34,144 - ERROR - Learning error in episode 161, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,146 - ERROR - Learning error in episode 161, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,146 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,149 - ERROR - Learning error in episode 161, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,151 - ERROR - Learning error in episode 161, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,151 - ERROR - Learning error in episode 161, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,151 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:34,156 - ERROR - Learning error in episode 161, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,174 - ERROR - Learning error in episode 161, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,178 - ERROR - Learning error in episode 161, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,186 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,194 - ERROR - Learning error in episode 161, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,194 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:34,198 - ERROR - Learning error in episode 161, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,203 - ERROR - Learning error in episode 161, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,203 - ERROR - Error in episode 161: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,205 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,207 - ERROR - Learning error in episode 162, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,211 - ERROR - Learning error in episode 162, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,215 - ERROR - Learning error in episode 162, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,215 - ERROR - Error in episode 162: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,217 - ERROR - Error in episode 163: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,219 - ERROR - Learning error in episode 164, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,219 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,219 - ERROR - Learning error in episode 164, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,228 - ERROR - Learning error in episode 164, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,233 - ERROR - Learning error in episode 164, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,236 - ERROR - Error in episode 164: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,238 - ERROR - Learning error in episode 165, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,242 - ERROR - Learning error in episode 165, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,242 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,242 - ERROR - Learning error in episode 165, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,251 - ERROR - Learning error in episode 165, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,253 - ERROR - Error in episode 165: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,253 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,253 - ERROR - Learning error in episode 166, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,253 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:34,259 - ERROR - Learning error in episode 166, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,259 - ERROR - Learning error in episode 166, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,259 - ERROR - Learning error in episode 166, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,259 - ERROR - Learning error in episode 166, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,267 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,267 - ERROR - Learning error in episode 166, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,271 - ERROR - Learning error in episode 166, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,275 - ERROR - Learning error in episode 166, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,277 - ERROR - Learning error in episode 166, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,279 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:34,280 - ERROR - Learning error in episode 166, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,285 - ERROR - Learning error in episode 166, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,285 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,287 - ERROR - Learning error in episode 166, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,287 - ERROR - Learning error in episode 166, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,287 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:34,292 - ERROR - Learning error in episode 166, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,294 - ERROR - Error in episode 166: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,294 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,294 - ERROR - Learning error in episode 167, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,298 - ERROR - Learning error in episode 167, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,298 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:34,301 - ERROR - Learning error in episode 167, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,301 - ERROR - Learning error in episode 167, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,301 - ERROR - Learning error in episode 167, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,301 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,306 - ERROR - Learning error in episode 167, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,309 - ERROR - Learning error in episode 167, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,311 - ERROR - Learning error in episode 167, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,311 - ERROR - Learning error in episode 167, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,311 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:34,317 - ERROR - Learning error in episode 167, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,317 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,319 - ERROR - Learning error in episode 167, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,319 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:34,319 - ERROR - Learning error in episode 167, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,319 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,324 - ERROR - Learning error in episode 167, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,326 - ERROR - Learning error in episode 167, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,326 - ERROR - Error in episode 167: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,326 - ERROR - Error in episode 168: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,326 - ERROR - Learning error in episode 169, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,326 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,332 - ERROR - Learning error in episode 169, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,334 - ERROR - Learning error in episode 169, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,334 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:34,336 - ERROR - Learning error in episode 169, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,336 - ERROR - Error in episode 169: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,336 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,340 - ERROR - Learning error in episode 170, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,340 - ERROR - Error in episode 170: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,342 - ERROR - Learning error in episode 171, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,342 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,345 - ERROR - Learning error in episode 171, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,345 - ERROR - Error in episode 171: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,348 - ERROR - Learning error in episode 172, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,350 - ERROR - Learning error in episode 172, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,350 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,350 - ERROR - Learning error in episode 172, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,350 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:34,355 - ERROR - Learning error in episode 172, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,355 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,357 - ERROR - Learning error in episode 172, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,359 - ERROR - Learning error in episode 172, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,362 - ERROR - Learning error in episode 172, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,362 - ERROR - Error in episode 172: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,365 - ERROR - Learning error in episode 173, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,367 - ERROR - Learning error in episode 173, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,367 - ERROR - Learning error in episode 173, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,370 - ERROR - Learning error in episode 173, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,373 - ERROR - Learning error in episode 173, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,373 - ERROR - Learning error in episode 173, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,376 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,377 - ERROR - Learning error in episode 173, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,377 - ERROR - Learning error in episode 173, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,377 - ERROR - Error in episode 173: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,381 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,381 - ERROR - Learning error in episode 174, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,381 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:34,385 - ERROR - Learning error in episode 174, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,385 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,385 - ERROR - Learning error in episode 174, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,385 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:34,389 - ERROR - Learning error in episode 174, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,389 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,391 - ERROR - Learning error in episode 174, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,394 - ERROR - Learning error in episode 174, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,394 - ERROR - Learning error in episode 174, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,398 - ERROR - Learning error in episode 174, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,400 - ERROR - Learning error in episode 174, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,401 - ERROR - Learning error in episode 174, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,401 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:34,404 - ERROR - Learning error in episode 174, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,406 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,406 - ERROR - Learning error in episode 174, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,406 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-6.78 +2025-03-10 10:47:34,409 - ERROR - Learning error in episode 174, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,409 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,409 - ERROR - Learning error in episode 174, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,414 - ERROR - Learning error in episode 174, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,416 - ERROR - Learning error in episode 174, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,418 - ERROR - Learning error in episode 174, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,418 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-6.17 +2025-03-10 10:47:34,418 - ERROR - Learning error in episode 174, step 17: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,421 - ERROR - Error in episode 174: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,422 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,422 - ERROR - Learning error in episode 175, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,425 - ERROR - Learning error in episode 175, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,425 - ERROR - Error in episode 175: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,427 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,427 - ERROR - Learning error in episode 176, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,430 - ERROR - Learning error in episode 176, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,430 - ERROR - Learning error in episode 176, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,430 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:34,435 - ERROR - Learning error in episode 176, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,435 - ERROR - Error in episode 176: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,438 - ERROR - Learning error in episode 177, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,438 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,439 - ERROR - Learning error in episode 177, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,439 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:34,442 - ERROR - Learning error in episode 177, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,442 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,442 - ERROR - Learning error in episode 177, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,442 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:34,447 - ERROR - Learning error in episode 177, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,447 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,449 - ERROR - Learning error in episode 177, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,451 - ERROR - Learning error in episode 177, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,452 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:34,454 - ERROR - Learning error in episode 177, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,454 - ERROR - Error in episode 177: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,454 - ERROR - Learning error in episode 178, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,454 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,459 - ERROR - Learning error in episode 178, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,459 - ERROR - Error in episode 178: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,459 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,462 - ERROR - Learning error in episode 179, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,464 - ERROR - Learning error in episode 179, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,464 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:34,467 - ERROR - Learning error in episode 179, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,468 - ERROR - Learning error in episode 179, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,470 - ERROR - Learning error in episode 179, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,472 - ERROR - Learning error in episode 179, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,472 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,472 - ERROR - Learning error in episode 179, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,475 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:34,476 - ERROR - Learning error in episode 179, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,476 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,479 - ERROR - Learning error in episode 179, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,479 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:34,479 - ERROR - Learning error in episode 179, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,484 - ERROR - Learning error in episode 179, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,484 - ERROR - Error in episode 179: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,484 - ERROR - Learning error in episode 180, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,484 - ERROR - Error in episode 180: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,489 - ERROR - Learning error in episode 181, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,489 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,493 - ERROR - Learning error in episode 181, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,493 - ERROR - Learning error in episode 181, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,493 - ERROR - Error in episode 181: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,497 - ERROR - Learning error in episode 182, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,497 - ERROR - Error in episode 182: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,498 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,500 - ERROR - Learning error in episode 183, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,501 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:34,501 - ERROR - Learning error in episode 183, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,504 - ERROR - Learning error in episode 183, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,506 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,506 - ERROR - Learning error in episode 183, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,509 - ERROR - Learning error in episode 183, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,511 - ERROR - Learning error in episode 183, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,511 - ERROR - Error in episode 183: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,511 - ERROR - Error in episode 184: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,514 - ERROR - Learning error in episode 185, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,517 - ERROR - Learning error in episode 185, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,518 - ERROR - Learning error in episode 185, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,518 - ERROR - Learning error in episode 185, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,522 - ERROR - Learning error in episode 185, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,522 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,526 - ERROR - Learning error in episode 185, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,526 - ERROR - Learning error in episode 185, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,526 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:34,529 - ERROR - Learning error in episode 185, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,531 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,531 - ERROR - Learning error in episode 185, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,531 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:34,534 - ERROR - Learning error in episode 185, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,536 - ERROR - Learning error in episode 185, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,539 - ERROR - Learning error in episode 185, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,539 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,539 - ERROR - Learning error in episode 185, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,544 - ERROR - Learning error in episode 185, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,544 - ERROR - Learning error in episode 185, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,544 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:34,548 - ERROR - Learning error in episode 185, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,549 - ERROR - Error in episode 185: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,551 - ERROR - Learning error in episode 186, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,551 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,551 - ERROR - Learning error in episode 186, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,555 - ERROR - Learning error in episode 186, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,556 - ERROR - Learning error in episode 186, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,556 - ERROR - Error in episode 186: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,559 - ERROR - Learning error in episode 187, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,559 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,562 - ERROR - Learning error in episode 187, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,562 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:34,564 - ERROR - Learning error in episode 187, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,567 - ERROR - Learning error in episode 187, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,567 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,568 - ERROR - Learning error in episode 187, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,568 - ERROR - Learning error in episode 187, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,573 - ERROR - Learning error in episode 187, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,575 - ERROR - Learning error in episode 187, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,576 - ERROR - Learning error in episode 187, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,576 - ERROR - Learning error in episode 187, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,581 - ERROR - Learning error in episode 187, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,584 - ERROR - Learning error in episode 187, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,584 - ERROR - Error in episode 187: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,584 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,584 - ERROR - Learning error in episode 188, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,584 - ERROR - Error in episode 188: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,584 - ERROR - Error in episode 189: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,590 - ERROR - Learning error in episode 190, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,593 - ERROR - Learning error in episode 190, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,594 - ERROR - Learning error in episode 190, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,598 - ERROR - Learning error in episode 190, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,598 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,600 - ERROR - Learning error in episode 190, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,600 - ERROR - Error in episode 190: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,600 - ERROR - Error in episode 191: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,603 - ERROR - Learning error in episode 192, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,606 - ERROR - Learning error in episode 192, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,606 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,609 - ERROR - Learning error in episode 192, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,610 - ERROR - Learning error in episode 192, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,610 - ERROR - Error in episode 192: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,614 - ERROR - Learning error in episode 193, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,615 - ERROR - Learning error in episode 193, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,615 - ERROR - Error in episode 193: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,618 - ERROR - Learning error in episode 194, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,618 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,622 - ERROR - Learning error in episode 194, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,622 - ERROR - Learning error in episode 194, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,622 - ERROR - Learning error in episode 194, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,622 - ERROR - Learning error in episode 194, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,630 - ERROR - Learning error in episode 194, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,634 - ERROR - Learning error in episode 194, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,635 - ERROR - Learning error in episode 194, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,635 - ERROR - Learning error in episode 194, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,639 - ERROR - Error in episode 194: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,639 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,639 - ERROR - Learning error in episode 195, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,643 - ERROR - Learning error in episode 195, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,643 - ERROR - Learning error in episode 195, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,647 - ERROR - Learning error in episode 195, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,650 - ERROR - Learning error in episode 195, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,652 - ERROR - Learning error in episode 195, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,655 - ERROR - Learning error in episode 195, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,655 - ERROR - Error in episode 195: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,655 - ERROR - Learning error in episode 196, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,660 - ERROR - Learning error in episode 196, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,660 - ERROR - Error in episode 196: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,660 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,663 - ERROR - Learning error in episode 197, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,663 - ERROR - Error in episode 197: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,663 - ERROR - Error in episode 198: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,663 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,668 - ERROR - Learning error in episode 199, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,668 - ERROR - Learning error in episode 199, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,671 - ERROR - Learning error in episode 199, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,671 - ERROR - Learning error in episode 199, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,671 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:34,676 - ERROR - Learning error in episode 199, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,676 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,680 - ERROR - Learning error in episode 199, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,680 - ERROR - Error in episode 199: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,680 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,680 - ERROR - Learning error in episode 200, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,685 - ERROR - Learning error in episode 200, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,688 - ERROR - Learning error in episode 200, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,688 - ERROR - Learning error in episode 200, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,688 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:34,693 - ERROR - Learning error in episode 200, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,693 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,693 - ERROR - Learning error in episode 200, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,693 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:34,697 - ERROR - Learning error in episode 200, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,697 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,697 - ERROR - Learning error in episode 200, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,700 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:34,702 - ERROR - Learning error in episode 200, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,702 - ERROR - Error in episode 200: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,704 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,704 - ERROR - Learning error in episode 201, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,704 - ERROR - Learning error in episode 201, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,709 - ERROR - Learning error in episode 201, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,712 - ERROR - Learning error in episode 201, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,713 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:34,713 - ERROR - Learning error in episode 201, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,713 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,717 - ERROR - Learning error in episode 201, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,718 - ERROR - Error in episode 201: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,718 - ERROR - Error in episode 202: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,718 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,721 - ERROR - Learning error in episode 203, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,723 - ERROR - Learning error in episode 203, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,725 - ERROR - Learning error in episode 203, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,725 - ERROR - Learning error in episode 203, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,729 - ERROR - Learning error in episode 203, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,731 - ERROR - Learning error in episode 203, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,734 - ERROR - Learning error in episode 203, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,734 - ERROR - Error in episode 203: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,736 - ERROR - Learning error in episode 204, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,736 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,739 - ERROR - Learning error in episode 204, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,743 - ERROR - Learning error in episode 204, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,747 - ERROR - Learning error in episode 204, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,747 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:34,747 - ERROR - Learning error in episode 204, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,751 - ERROR - Learning error in episode 204, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,751 - ERROR - Learning error in episode 204, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,751 - ERROR - Error in episode 204: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,756 - ERROR - Error in episode 205: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,756 - ERROR - Error in episode 206: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,761 - ERROR - Learning error in episode 207, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,763 - ERROR - Error in episode 207: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,763 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,765 - ERROR - Learning error in episode 208, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,767 - ERROR - Learning error in episode 208, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,769 - ERROR - Learning error in episode 208, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,769 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:34,769 - ERROR - Learning error in episode 208, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,773 - ERROR - Learning error in episode 208, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,773 - ERROR - Error in episode 208: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,776 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,778 - ERROR - Learning error in episode 209, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,778 - ERROR - Learning error in episode 209, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,784 - ERROR - Learning error in episode 209, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,784 - ERROR - Error in episode 209: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,784 - ERROR - Learning error in episode 210, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,784 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,788 - ERROR - Learning error in episode 210, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,790 - ERROR - Learning error in episode 210, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,793 - ERROR - Learning error in episode 210, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,793 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:34,793 - ERROR - Learning error in episode 210, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,793 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,798 - ERROR - Learning error in episode 210, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,801 - ERROR - Learning error in episode 210, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,801 - ERROR - Learning error in episode 210, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,801 - ERROR - Learning error in episode 210, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,801 - ERROR - Error in episode 210: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,807 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,807 - ERROR - Learning error in episode 211, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,807 - ERROR - Learning error in episode 211, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,812 - ERROR - Learning error in episode 211, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,815 - ERROR - Learning error in episode 211, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,817 - ERROR - Learning error in episode 211, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,818 - ERROR - Error in episode 211: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,818 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,818 - ERROR - Learning error in episode 212, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,818 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:34,821 - ERROR - Learning error in episode 212, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,823 - ERROR - Error in episode 212: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,825 - ERROR - Learning error in episode 213, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,826 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,827 - ERROR - Learning error in episode 213, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,827 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:34,827 - ERROR - Learning error in episode 213, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,831 - ERROR - Learning error in episode 213, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,831 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,834 - ERROR - Learning error in episode 213, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,834 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:34,834 - ERROR - Learning error in episode 213, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,834 - ERROR - Error in episode 213: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,840 - ERROR - Learning error in episode 214, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,842 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,843 - ERROR - Learning error in episode 214, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,845 - ERROR - Learning error in episode 214, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,848 - ERROR - Learning error in episode 214, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,848 - ERROR - Learning error in episode 214, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,850 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:34,852 - ERROR - Learning error in episode 214, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,852 - ERROR - Learning error in episode 214, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,852 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,856 - ERROR - Learning error in episode 214, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,856 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:34,860 - ERROR - Learning error in episode 214, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,860 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,860 - ERROR - Learning error in episode 214, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,863 - ERROR - Error in episode 214: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,863 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,865 - ERROR - Learning error in episode 215, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,867 - ERROR - Learning error in episode 215, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,869 - ERROR - Learning error in episode 215, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,869 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:34,869 - ERROR - Learning error in episode 215, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,869 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,873 - ERROR - Learning error in episode 215, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,877 - ERROR - Learning error in episode 215, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,877 - ERROR - Error in episode 215: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,877 - ERROR - Learning error in episode 216, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,882 - ERROR - Learning error in episode 216, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,882 - ERROR - Error in episode 216: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,884 - ERROR - Learning error in episode 217, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,884 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,884 - ERROR - Learning error in episode 217, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,888 - ERROR - Learning error in episode 217, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,890 - ERROR - Learning error in episode 217, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,892 - ERROR - Learning error in episode 217, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,895 - ERROR - Learning error in episode 217, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,895 - ERROR - Learning error in episode 217, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,898 - ERROR - Learning error in episode 217, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,900 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:34,901 - ERROR - Learning error in episode 217, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,901 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,901 - ERROR - Learning error in episode 217, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,906 - ERROR - Learning error in episode 217, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,909 - ERROR - Learning error in episode 217, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,911 - ERROR - Learning error in episode 217, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,911 - ERROR - Learning error in episode 217, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,914 - ERROR - Learning error in episode 217, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,917 - ERROR - Learning error in episode 217, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,918 - ERROR - Learning error in episode 217, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,918 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:34,918 - ERROR - Learning error in episode 217, step 17: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,922 - ERROR - Error in episode 217: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,922 - ERROR - Learning error in episode 218, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,926 - ERROR - Learning error in episode 218, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,926 - ERROR - Error in episode 218: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,926 - ERROR - Error in episode 219: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,926 - ERROR - Learning error in episode 220, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,931 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,933 - ERROR - Learning error in episode 220, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,934 - ERROR - Error in episode 220: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,934 - ERROR - Learning error in episode 221, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,934 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,937 - ERROR - Learning error in episode 221, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,939 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:34,939 - ERROR - Learning error in episode 221, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,939 - ERROR - Error in episode 221: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,942 - ERROR - Error in episode 222: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,943 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,945 - ERROR - Learning error in episode 223, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,947 - ERROR - Learning error in episode 223, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,949 - ERROR - Learning error in episode 223, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,949 - ERROR - Error in episode 223: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,950 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,952 - ERROR - Learning error in episode 224, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,952 - ERROR - Learning error in episode 224, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,956 - ERROR - Learning error in episode 224, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,959 - ERROR - Learning error in episode 224, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,959 - ERROR - Error in episode 224: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,960 - ERROR - Error in episode 225: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,960 - ERROR - Error in episode 226: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,960 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,963 - ERROR - Learning error in episode 227, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,963 - ERROR - Learning error in episode 227, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,967 - ERROR - Learning error in episode 227, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,968 - ERROR - Learning error in episode 227, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,968 - ERROR - Learning error in episode 227, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,972 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:34,972 - ERROR - Learning error in episode 227, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,976 - ERROR - Learning error in episode 227, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,976 - ERROR - Learning error in episode 227, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,980 - ERROR - Learning error in episode 227, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,980 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,982 - ERROR - Learning error in episode 227, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,984 - ERROR - Learning error in episode 227, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,984 - ERROR - Learning error in episode 227, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,988 - ERROR - Error in episode 227: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,988 - ERROR - Learning error in episode 228, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,988 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:34,992 - ERROR - Learning error in episode 228, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,993 - ERROR - Error in episode 228: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,994 - ERROR - Error in episode 229: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:34,994 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:34,996 - ERROR - Learning error in episode 230, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,996 - ERROR - Learning error in episode 230, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:34,996 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:35,001 - ERROR - Learning error in episode 230, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,001 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,004 - ERROR - Learning error in episode 230, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,004 - ERROR - Learning error in episode 230, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,007 - ERROR - Learning error in episode 230, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,009 - ERROR - Learning error in episode 230, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,009 - ERROR - Error in episode 230: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,012 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,013 - ERROR - Learning error in episode 231, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,013 - ERROR - Learning error in episode 231, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,017 - ERROR - Learning error in episode 231, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,018 - ERROR - Learning error in episode 231, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,018 - ERROR - Error in episode 231: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,021 - ERROR - Learning error in episode 232, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,021 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,021 - ERROR - Learning error in episode 232, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,026 - ERROR - Error in episode 232: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,027 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,027 - ERROR - Learning error in episode 233, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,029 - ERROR - Error in episode 233: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,029 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,029 - ERROR - Learning error in episode 234, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,034 - ERROR - Learning error in episode 234, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,034 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:35,037 - ERROR - Learning error in episode 234, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,037 - ERROR - Learning error in episode 234, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,037 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,042 - ERROR - Learning error in episode 234, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,043 - ERROR - Error in episode 234: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,043 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,045 - ERROR - Learning error in episode 235, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,046 - ERROR - Error in episode 235: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,046 - ERROR - Learning error in episode 236, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,046 - ERROR - Error in episode 236: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,046 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,051 - ERROR - Learning error in episode 237, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,051 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:35,053 - ERROR - Learning error in episode 237, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,053 - ERROR - Learning error in episode 237, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,053 - ERROR - Learning error in episode 237, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,053 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,060 - ERROR - Learning error in episode 237, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,061 - ERROR - Learning error in episode 237, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,063 - ERROR - Error in episode 237: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,063 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,063 - ERROR - Learning error in episode 238, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,067 - ERROR - Learning error in episode 238, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,069 - ERROR - Learning error in episode 238, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,069 - ERROR - Learning error in episode 238, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,069 - ERROR - Learning error in episode 238, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,069 - ERROR - Error in episode 238: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,075 - ERROR - Learning error in episode 239, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,075 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,077 - ERROR - Learning error in episode 239, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,077 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:35,081 - ERROR - Learning error in episode 239, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,081 - ERROR - Learning error in episode 239, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,084 - ERROR - Learning error in episode 239, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,087 - ERROR - Learning error in episode 239, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,087 - ERROR - Learning error in episode 239, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,087 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,092 - ERROR - Learning error in episode 239, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,093 - ERROR - Learning error in episode 239, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,095 - ERROR - Error in episode 239: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,095 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,095 - ERROR - Learning error in episode 240, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,095 - ERROR - Learning error in episode 240, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,101 - ERROR - Learning error in episode 240, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,101 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:35,103 - ERROR - Learning error in episode 240, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,105 - ERROR - Error in episode 240: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,105 - ERROR - Learning error in episode 241, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,109 - ERROR - Learning error in episode 241, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,109 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,112 - ERROR - Learning error in episode 241, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,112 - ERROR - Learning error in episode 241, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,112 - ERROR - Error in episode 241: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,112 - ERROR - Learning error in episode 242, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,118 - ERROR - Learning error in episode 242, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,118 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,120 - ERROR - Learning error in episode 242, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,120 - ERROR - Learning error in episode 242, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,124 - ERROR - Learning error in episode 242, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,124 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:35,124 - ERROR - Learning error in episode 242, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,128 - ERROR - Learning error in episode 242, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,128 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,131 - ERROR - Learning error in episode 242, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,134 - ERROR - Learning error in episode 242, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,134 - ERROR - Error in episode 242: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,136 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,136 - ERROR - Learning error in episode 243, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,136 - ERROR - Learning error in episode 243, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,136 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:35,142 - ERROR - Learning error in episode 243, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,144 - ERROR - Learning error in episode 243, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,144 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,144 - ERROR - Learning error in episode 243, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,144 - ERROR - Learning error in episode 243, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,144 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:35,151 - ERROR - Learning error in episode 243, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,152 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,154 - ERROR - Learning error in episode 243, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,154 - ERROR - Error in episode 243: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,156 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,156 - ERROR - Learning error in episode 244, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,159 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:35,161 - ERROR - Learning error in episode 244, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,163 - ERROR - Learning error in episode 244, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,163 - ERROR - Learning error in episode 244, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,163 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,167 - ERROR - Learning error in episode 244, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,167 - ERROR - Learning error in episode 244, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,171 - ERROR - Error in episode 244: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,171 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,171 - ERROR - Learning error in episode 245, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,175 - ERROR - Learning error in episode 245, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,176 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:35,177 - ERROR - Learning error in episode 245, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,177 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,179 - ERROR - Learning error in episode 245, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,181 - ERROR - Learning error in episode 245, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,184 - ERROR - Learning error in episode 245, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,184 - ERROR - Error in episode 245: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,184 - ERROR - Learning error in episode 246, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,184 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,188 - ERROR - Learning error in episode 246, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,192 - ERROR - Learning error in episode 246, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,193 - ERROR - Learning error in episode 246, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,195 - ERROR - Learning error in episode 246, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,197 - ERROR - Learning error in episode 246, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,197 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:35,200 - ERROR - Learning error in episode 246, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,200 - ERROR - Error in episode 246: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,202 - ERROR - Learning error in episode 247, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,202 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,205 - ERROR - Learning error in episode 247, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,205 - ERROR - Error in episode 247: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,209 - ERROR - Learning error in episode 248, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,211 - ERROR - Learning error in episode 248, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,211 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,213 - ERROR - Learning error in episode 248, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,214 - ERROR - Error in episode 248: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,215 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,217 - ERROR - Learning error in episode 249, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,218 - ERROR - Learning error in episode 249, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,220 - ERROR - Learning error in episode 249, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,221 - ERROR - Learning error in episode 249, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,221 - ERROR - Learning error in episode 249, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,225 - ERROR - Learning error in episode 249, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,229 - ERROR - Learning error in episode 249, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,229 - ERROR - Learning error in episode 249, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,229 - ERROR - Learning error in episode 249, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,235 - ERROR - Learning error in episode 249, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,235 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:35,237 - ERROR - Learning error in episode 249, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,237 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,237 - ERROR - Learning error in episode 249, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,243 - ERROR - Learning error in episode 249, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,243 - ERROR - Error in episode 249: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,246 - ERROR - Learning error in episode 250, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,246 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,247 - ERROR - Learning error in episode 250, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,247 - ERROR - Error in episode 250: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,247 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,252 - ERROR - Learning error in episode 251, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,255 - ERROR - Learning error in episode 251, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,255 - ERROR - Learning error in episode 251, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,255 - ERROR - Error in episode 251: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,259 - ERROR - Learning error in episode 252, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,259 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,262 - ERROR - Learning error in episode 252, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,262 - ERROR - Learning error in episode 252, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,268 - ERROR - Learning error in episode 252, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,268 - ERROR - Learning error in episode 252, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,271 - ERROR - Learning error in episode 252, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,274 - ERROR - Learning error in episode 252, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,275 - ERROR - Error in episode 252: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,276 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,276 - ERROR - Learning error in episode 253, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,279 - ERROR - Learning error in episode 253, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,281 - ERROR - Learning error in episode 253, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,284 - ERROR - Learning error in episode 253, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,285 - ERROR - Error in episode 253: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,285 - ERROR - Learning error in episode 254, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,288 - ERROR - Learning error in episode 254, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,288 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,288 - ERROR - Learning error in episode 254, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,292 - ERROR - Error in episode 254: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,293 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,293 - ERROR - Learning error in episode 255, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,296 - ERROR - Learning error in episode 255, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,296 - ERROR - Learning error in episode 255, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,300 - ERROR - Error in episode 255: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,300 - ERROR - Learning error in episode 256, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,300 - ERROR - Error in episode 256: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,300 - ERROR - Learning error in episode 257, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,306 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,309 - ERROR - Learning error in episode 257, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,309 - ERROR - Error in episode 257: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,310 - ERROR - Learning error in episode 258, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,314 - ERROR - Learning error in episode 258, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,318 - ERROR - Learning error in episode 258, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,319 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,319 - ERROR - Learning error in episode 258, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,321 - ERROR - Error in episode 258: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,322 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,322 - ERROR - Learning error in episode 259, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,326 - ERROR - Learning error in episode 259, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,326 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:35,327 - ERROR - Learning error in episode 259, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,330 - ERROR - Learning error in episode 259, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,330 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,330 - ERROR - Learning error in episode 259, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,335 - ERROR - Learning error in episode 259, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,335 - ERROR - Learning error in episode 259, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,338 - ERROR - Learning error in episode 259, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,338 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:35,342 - ERROR - Learning error in episode 259, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,342 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,343 - ERROR - Learning error in episode 259, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,343 - ERROR - Error in episode 259: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,343 - ERROR - Error in episode 260: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,346 - ERROR - Learning error in episode 261, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,346 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,350 - ERROR - Learning error in episode 261, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,351 - ERROR - Error in episode 261: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,351 - ERROR - Learning error in episode 262, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,351 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,355 - ERROR - Learning error in episode 262, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,355 - ERROR - Error in episode 262: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,359 - ERROR - Learning error in episode 263, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,361 - ERROR - Learning error in episode 263, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,361 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,363 - ERROR - Learning error in episode 263, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,363 - ERROR - Learning error in episode 263, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,363 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:35,368 - ERROR - Learning error in episode 263, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,369 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,370 - ERROR - Learning error in episode 263, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,372 - ERROR - Learning error in episode 263, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,372 - ERROR - Error in episode 263: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,372 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,375 - ERROR - Learning error in episode 264, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,375 - ERROR - Error in episode 264: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,375 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,379 - ERROR - Learning error in episode 265, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,379 - ERROR - Error in episode 265: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,379 - ERROR - Error in episode 266: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,379 - ERROR - Error in episode 267: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,379 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,385 - ERROR - Learning error in episode 268, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,387 - ERROR - Learning error in episode 268, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,388 - ERROR - Learning error in episode 268, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,388 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:35,392 - ERROR - Learning error in episode 268, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,393 - ERROR - Learning error in episode 268, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,395 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,395 - ERROR - Learning error in episode 268, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,395 - ERROR - Error in episode 268: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,395 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,395 - ERROR - Learning error in episode 269, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,402 - ERROR - Learning error in episode 269, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,403 - ERROR - Learning error in episode 269, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,406 - ERROR - Learning error in episode 269, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,406 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:35,409 - ERROR - Learning error in episode 269, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,409 - ERROR - Error in episode 269: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,409 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,413 - ERROR - Learning error in episode 270, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,414 - ERROR - Learning error in episode 270, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,414 - ERROR - Error in episode 270: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,414 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,418 - ERROR - Learning error in episode 271, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,418 - ERROR - Learning error in episode 271, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,422 - ERROR - Learning error in episode 271, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,422 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:35,425 - ERROR - Learning error in episode 271, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,426 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,426 - ERROR - Learning error in episode 271, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,429 - ERROR - Learning error in episode 271, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,429 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:35,429 - ERROR - Learning error in episode 271, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,429 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,435 - ERROR - Learning error in episode 271, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,437 - ERROR - Learning error in episode 271, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,437 - ERROR - Learning error in episode 271, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,437 - ERROR - Error in episode 271: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,442 - ERROR - Learning error in episode 272, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,444 - ERROR - Learning error in episode 272, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,445 - ERROR - Learning error in episode 272, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,445 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,445 - ERROR - Learning error in episode 272, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,450 - ERROR - Learning error in episode 272, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,452 - ERROR - Learning error in episode 272, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,454 - ERROR - Learning error in episode 272, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,454 - ERROR - Error in episode 272: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,454 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,454 - ERROR - Learning error in episode 273, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,459 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:35,460 - ERROR - Learning error in episode 273, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,460 - ERROR - Error in episode 273: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,462 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,462 - ERROR - Learning error in episode 274, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,465 - ERROR - Error in episode 274: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,467 - ERROR - Learning error in episode 275, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,467 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,468 - ERROR - Learning error in episode 275, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,471 - ERROR - Learning error in episode 275, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,471 - ERROR - Learning error in episode 275, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,471 - ERROR - Error in episode 275: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,475 - ERROR - Learning error in episode 276, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,479 - ERROR - Learning error in episode 276, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,479 - ERROR - Learning error in episode 276, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,479 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,479 - ERROR - Learning error in episode 276, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,479 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:35,485 - ERROR - Learning error in episode 276, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,487 - ERROR - Learning error in episode 276, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,487 - ERROR - Learning error in episode 276, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,487 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,492 - ERROR - Learning error in episode 276, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,494 - ERROR - Learning error in episode 276, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,495 - ERROR - Learning error in episode 276, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,498 - ERROR - Learning error in episode 276, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,498 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:35,500 - ERROR - Learning error in episode 276, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,500 - ERROR - Learning error in episode 276, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,500 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,505 - ERROR - Learning error in episode 276, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,506 - ERROR - Learning error in episode 276, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,510 - ERROR - Learning error in episode 276, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,510 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:35,512 - ERROR - Learning error in episode 276, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,513 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,514 - ERROR - Learning error in episode 276, step 17: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,518 - ERROR - Learning error in episode 276, step 18: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,518 - ERROR - Learning error in episode 276, step 19: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,522 - ERROR - Learning error in episode 276, step 20: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,522 - ERROR - Error in episode 276: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,522 - ERROR - Learning error in episode 277, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,526 - ERROR - Learning error in episode 277, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,526 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,526 - ERROR - Learning error in episode 277, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,530 - ERROR - Learning error in episode 277, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,530 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:35,534 - ERROR - Learning error in episode 277, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,534 - ERROR - Learning error in episode 277, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,534 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,538 - ERROR - Learning error in episode 277, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,539 - ERROR - Learning error in episode 277, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,543 - ERROR - Learning error in episode 277, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,543 - ERROR - Learning error in episode 277, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,543 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:35,547 - ERROR - Learning error in episode 277, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,547 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,548 - ERROR - Learning error in episode 277, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,552 - ERROR - Learning error in episode 277, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,552 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:35,552 - ERROR - Learning error in episode 277, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,552 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,556 - ERROR - Learning error in episode 277, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,556 - ERROR - Error in episode 277: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,559 - ERROR - Error in episode 278: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,559 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,561 - ERROR - Learning error in episode 279, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,561 - ERROR - Error in episode 279: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,564 - ERROR - Learning error in episode 280, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,564 - ERROR - Learning error in episode 280, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,568 - ERROR - Learning error in episode 280, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,568 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,568 - ERROR - Learning error in episode 280, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,572 - ERROR - Learning error in episode 280, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,574 - ERROR - Learning error in episode 280, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,575 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:35,576 - ERROR - Learning error in episode 280, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,576 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,576 - ERROR - Learning error in episode 280, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,581 - ERROR - Learning error in episode 280, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,584 - ERROR - Learning error in episode 280, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,584 - ERROR - Learning error in episode 280, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,587 - ERROR - Error in episode 280: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,589 - ERROR - Learning error in episode 281, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,589 - ERROR - Learning error in episode 281, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,592 - ERROR - Error in episode 281: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,593 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,593 - ERROR - Learning error in episode 282, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,597 - ERROR - Learning error in episode 282, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,598 - ERROR - Error in episode 282: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,599 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,601 - ERROR - Learning error in episode 283, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,601 - ERROR - Learning error in episode 283, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,601 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:35,605 - ERROR - Learning error in episode 283, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,605 - ERROR - Error in episode 283: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,605 - ERROR - Learning error in episode 284, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,609 - ERROR - Error in episode 284: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,610 - ERROR - Learning error in episode 285, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,610 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,614 - ERROR - Learning error in episode 285, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,614 - ERROR - Learning error in episode 285, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,618 - ERROR - Learning error in episode 285, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,618 - ERROR - Learning error in episode 285, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,622 - ERROR - Learning error in episode 285, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,623 - ERROR - Learning error in episode 285, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,625 - ERROR - Learning error in episode 285, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,625 - ERROR - Error in episode 285: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,625 - ERROR - Learning error in episode 286, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,630 - ERROR - Learning error in episode 286, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,630 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,634 - ERROR - Learning error in episode 286, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,634 - ERROR - Learning error in episode 286, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,634 - ERROR - Error in episode 286: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,639 - ERROR - Learning error in episode 287, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,639 - ERROR - Learning error in episode 287, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,642 - ERROR - Learning error in episode 287, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,642 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,644 - ERROR - Learning error in episode 287, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,647 - ERROR - Learning error in episode 287, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,647 - ERROR - Learning error in episode 287, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,650 - ERROR - Learning error in episode 287, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,652 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:35,652 - ERROR - Learning error in episode 287, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,655 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,655 - ERROR - Learning error in episode 287, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,659 - ERROR - Learning error in episode 287, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,659 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:35,659 - ERROR - Learning error in episode 287, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,659 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,663 - ERROR - Learning error in episode 287, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,665 - ERROR - Learning error in episode 287, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,668 - ERROR - Learning error in episode 287, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,668 - ERROR - Learning error in episode 287, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,671 - ERROR - Learning error in episode 287, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,671 - ERROR - Learning error in episode 287, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,671 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:35,676 - ERROR - Learning error in episode 287, step 17: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,676 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,679 - ERROR - Learning error in episode 287, step 18: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,679 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-6.78 +2025-03-10 10:47:35,679 - ERROR - Learning error in episode 287, step 19: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,679 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,685 - ERROR - Learning error in episode 287, step 20: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,685 - ERROR - Error in episode 287: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,685 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,687 - ERROR - Learning error in episode 288, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,690 - ERROR - Learning error in episode 288, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,690 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:35,693 - ERROR - Learning error in episode 288, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,693 - ERROR - Error in episode 288: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,695 - ERROR - Error in episode 289: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,695 - ERROR - Learning error in episode 290, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,698 - ERROR - Learning error in episode 290, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,701 - ERROR - Learning error in episode 290, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,703 - ERROR - Learning error in episode 290, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,703 - ERROR - Learning error in episode 290, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,703 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,706 - ERROR - Learning error in episode 290, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,709 - ERROR - Error in episode 290: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,709 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,712 - ERROR - Learning error in episode 291, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,712 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:35,714 - ERROR - Learning error in episode 291, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,717 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,718 - ERROR - Learning error in episode 291, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,720 - ERROR - Learning error in episode 291, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,720 - ERROR - Learning error in episode 291, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,720 - ERROR - Error in episode 291: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,725 - ERROR - Learning error in episode 292, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,725 - ERROR - Error in episode 292: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,728 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,728 - ERROR - Learning error in episode 293, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,728 - ERROR - Learning error in episode 293, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,728 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:35,734 - ERROR - Learning error in episode 293, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,734 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,734 - ERROR - Learning error in episode 293, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,734 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:35,739 - ERROR - Learning error in episode 293, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,739 - ERROR - Error in episode 293: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,739 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,743 - ERROR - Learning error in episode 294, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,745 - ERROR - Learning error in episode 294, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,746 - ERROR - Learning error in episode 294, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,746 - ERROR - Error in episode 294: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,746 - ERROR - Error in episode 295: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,746 - ERROR - Error in episode 296: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,750 - ERROR - Learning error in episode 297, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,754 - ERROR - Learning error in episode 297, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,754 - ERROR - Learning error in episode 297, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,754 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,760 - ERROR - Learning error in episode 297, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,762 - ERROR - Learning error in episode 297, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,762 - ERROR - Learning error in episode 297, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,762 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:35,768 - ERROR - Learning error in episode 297, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,770 - ERROR - Learning error in episode 297, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,773 - ERROR - Error in episode 297: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,775 - ERROR - Learning error in episode 298, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,776 - ERROR - Error in episode 298: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,776 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,778 - ERROR - Learning error in episode 299, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,778 - ERROR - Error in episode 299: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,784 - ERROR - Learning error in episode 300, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,785 - ERROR - Learning error in episode 300, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,788 - ERROR - Learning error in episode 300, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,788 - ERROR - Learning error in episode 300, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,788 - ERROR - Error in episode 300: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,792 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,792 - ERROR - Learning error in episode 301, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,792 - ERROR - Error in episode 301: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,792 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,797 - ERROR - Learning error in episode 302, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,797 - ERROR - Error in episode 302: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,799 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,801 - ERROR - Learning error in episode 303, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,801 - ERROR - Learning error in episode 303, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,805 - ERROR - Learning error in episode 303, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,805 - ERROR - Learning error in episode 303, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,809 - ERROR - Error in episode 303: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,810 - ERROR - Error in episode 304: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,810 - ERROR - Error in episode 305: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,812 - ERROR - Learning error in episode 306, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,814 - ERROR - Learning error in episode 306, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,817 - ERROR - Learning error in episode 306, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,817 - ERROR - Error in episode 306: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,819 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,819 - ERROR - Learning error in episode 307, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,819 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:35,822 - ERROR - Learning error in episode 307, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,822 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,826 - ERROR - Learning error in episode 307, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,826 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:35,826 - ERROR - Learning error in episode 307, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,826 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,830 - ERROR - Learning error in episode 307, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,834 - ERROR - Learning error in episode 307, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,837 - ERROR - Learning error in episode 307, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,839 - ERROR - Learning error in episode 307, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,839 - ERROR - Error in episode 307: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,842 - ERROR - Learning error in episode 308, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,842 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,845 - ERROR - Learning error in episode 308, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,847 - ERROR - Learning error in episode 308, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,851 - ERROR - Learning error in episode 308, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,852 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:35,852 - ERROR - Learning error in episode 308, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,855 - ERROR - Learning error in episode 308, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,855 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,859 - ERROR - Learning error in episode 308, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,859 - ERROR - Learning error in episode 308, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,859 - ERROR - Error in episode 308: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,863 - ERROR - Learning error in episode 309, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,863 - ERROR - Learning error in episode 309, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,863 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,868 - ERROR - Learning error in episode 309, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,870 - ERROR - Learning error in episode 309, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,871 - ERROR - Learning error in episode 309, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,871 - ERROR - Error in episode 309: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,875 - ERROR - Learning error in episode 310, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,878 - ERROR - Learning error in episode 310, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,880 - ERROR - Learning error in episode 310, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,880 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,880 - ERROR - Learning error in episode 310, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,880 - ERROR - Error in episode 310: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,885 - ERROR - Learning error in episode 311, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,888 - ERROR - Learning error in episode 311, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,888 - ERROR - Error in episode 311: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,888 - ERROR - Learning error in episode 312, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,893 - ERROR - Learning error in episode 312, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,893 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,896 - ERROR - Learning error in episode 312, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,897 - ERROR - Error in episode 312: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,898 - ERROR - Learning error in episode 313, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,898 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,900 - ERROR - Learning error in episode 313, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,904 - ERROR - Learning error in episode 313, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,904 - ERROR - Learning error in episode 313, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,909 - ERROR - Learning error in episode 313, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,909 - ERROR - Error in episode 313: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,913 - ERROR - Learning error in episode 314, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,913 - ERROR - Error in episode 314: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,913 - ERROR - Error in episode 315: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,917 - ERROR - Learning error in episode 316, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,918 - ERROR - Learning error in episode 316, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,918 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,921 - ERROR - Learning error in episode 316, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,923 - ERROR - Learning error in episode 316, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,923 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:35,925 - ERROR - Learning error in episode 316, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,925 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,925 - ERROR - Learning error in episode 316, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,925 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:35,931 - ERROR - Learning error in episode 316, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,934 - ERROR - Learning error in episode 316, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,934 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,934 - ERROR - Learning error in episode 316, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,934 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:35,938 - ERROR - Learning error in episode 316, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,938 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,943 - ERROR - Learning error in episode 316, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,944 - ERROR - Learning error in episode 316, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,947 - ERROR - Learning error in episode 316, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,947 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-6.78 +2025-03-10 10:47:35,950 - ERROR - Learning error in episode 316, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,952 - ERROR - Learning error in episode 316, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,952 - ERROR - Error in episode 316: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,955 - ERROR - Learning error in episode 317, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,955 - ERROR - Learning error in episode 317, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,959 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,960 - ERROR - Learning error in episode 317, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,960 - ERROR - Error in episode 317: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,963 - ERROR - Learning error in episode 318, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,963 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,965 - ERROR - Learning error in episode 318, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,965 - ERROR - Learning error in episode 318, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,972 - ERROR - Learning error in episode 318, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,973 - ERROR - Learning error in episode 318, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,973 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:35,975 - ERROR - Learning error in episode 318, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,975 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,978 - ERROR - Learning error in episode 318, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,980 - ERROR - Error in episode 318: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,980 - ERROR - Error in episode 319: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,984 - ERROR - Learning error in episode 320, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,985 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:35,985 - ERROR - Learning error in episode 320, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,985 - ERROR - Error in episode 320: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,988 - ERROR - Learning error in episode 321, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,992 - ERROR - Learning error in episode 321, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,993 - ERROR - Error in episode 321: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:35,993 - ERROR - Learning error in episode 322, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,993 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:35,997 - ERROR - Learning error in episode 322, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:35,999 - ERROR - Error in episode 322: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,002 - ERROR - Learning error in episode 323, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,004 - ERROR - Learning error in episode 323, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,009 - ERROR - Learning error in episode 323, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,010 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,012 - ERROR - Learning error in episode 323, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,012 - ERROR - Learning error in episode 323, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,012 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:36,017 - ERROR - Learning error in episode 323, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,017 - ERROR - Error in episode 323: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,019 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,020 - ERROR - Learning error in episode 324, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,023 - ERROR - Learning error in episode 324, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,025 - ERROR - Learning error in episode 324, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,026 - ERROR - Error in episode 324: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,028 - ERROR - Learning error in episode 325, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,028 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,032 - ERROR - Learning error in episode 325, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,032 - ERROR - Error in episode 325: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,032 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,034 - ERROR - Learning error in episode 326, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,036 - ERROR - Learning error in episode 326, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,036 - ERROR - Learning error in episode 326, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,036 - ERROR - Learning error in episode 326, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,043 - ERROR - Learning error in episode 326, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,043 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:36,045 - ERROR - Learning error in episode 326, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,045 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,047 - ERROR - Learning error in episode 326, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,047 - ERROR - Error in episode 326: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,047 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,050 - ERROR - Learning error in episode 327, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,050 - ERROR - Learning error in episode 327, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,050 - ERROR - Error in episode 327: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,055 - ERROR - Error in episode 328: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,055 - ERROR - Learning error in episode 329, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,059 - ERROR - Learning error in episode 329, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,060 - ERROR - Learning error in episode 329, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,060 - ERROR - Error in episode 329: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,063 - ERROR - Learning error in episode 330, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,063 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,063 - ERROR - Learning error in episode 330, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,068 - ERROR - Learning error in episode 330, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,068 - ERROR - Learning error in episode 330, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,071 - ERROR - Learning error in episode 330, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,071 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:36,074 - ERROR - Learning error in episode 330, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,074 - ERROR - Error in episode 330: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,076 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,076 - ERROR - Learning error in episode 331, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,076 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:36,079 - ERROR - Learning error in episode 331, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,082 - ERROR - Learning error in episode 331, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,082 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,085 - ERROR - Learning error in episode 331, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,085 - ERROR - Learning error in episode 331, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,088 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:36,089 - ERROR - Learning error in episode 331, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,089 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,092 - ERROR - Learning error in episode 331, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,093 - ERROR - Learning error in episode 331, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,096 - ERROR - Learning error in episode 331, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,096 - ERROR - Learning error in episode 331, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,100 - ERROR - Learning error in episode 331, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,100 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:36,102 - ERROR - Learning error in episode 331, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,104 - ERROR - Learning error in episode 331, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,104 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,107 - ERROR - Learning error in episode 331, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,109 - ERROR - Learning error in episode 331, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,109 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-6.78 +2025-03-10 10:47:36,109 - ERROR - Learning error in episode 331, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,109 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,113 - ERROR - Learning error in episode 331, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,113 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-6.17 +2025-03-10 10:47:36,117 - ERROR - Learning error in episode 331, step 17: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,118 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,119 - ERROR - Learning error in episode 331, step 18: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,119 - ERROR - Error in episode 331: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,119 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,121 - ERROR - Learning error in episode 332, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,121 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:36,121 - ERROR - Learning error in episode 332, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,126 - ERROR - Learning error in episode 332, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,126 - ERROR - Learning error in episode 332, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,129 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,130 - ERROR - Learning error in episode 332, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,130 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:36,134 - ERROR - Learning error in episode 332, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,134 - ERROR - Learning error in episode 332, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,134 - ERROR - Error in episode 332: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,138 - ERROR - Learning error in episode 333, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,138 - ERROR - Learning error in episode 333, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,138 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,143 - ERROR - Learning error in episode 333, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,143 - ERROR - Learning error in episode 333, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,146 - ERROR - Error in episode 333: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,146 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,146 - ERROR - Learning error in episode 334, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,150 - ERROR - Learning error in episode 334, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,151 - ERROR - Learning error in episode 334, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,154 - ERROR - Learning error in episode 334, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,154 - ERROR - Learning error in episode 334, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,159 - ERROR - Learning error in episode 334, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,159 - ERROR - Learning error in episode 334, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,162 - ERROR - Learning error in episode 334, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,164 - ERROR - Learning error in episode 334, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,164 - ERROR - Learning error in episode 334, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,167 - ERROR - Learning error in episode 334, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,171 - ERROR - Learning error in episode 334, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,171 - ERROR - Learning error in episode 334, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,171 - ERROR - Learning error in episode 334, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,175 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:36,176 - ERROR - Learning error in episode 334, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,176 - ERROR - Learning error in episode 334, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,180 - ERROR - Learning error in episode 334, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,184 - ERROR - Learning error in episode 334, step 17: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,184 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,184 - ERROR - Learning error in episode 334, step 18: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,188 - ERROR - Learning error in episode 334, step 19: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,189 - ERROR - Learning error in episode 334, step 20: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,192 - ERROR - Learning error in episode 334, step 21: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,192 - ERROR - Error in episode 334: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,192 - ERROR - Learning error in episode 335, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,192 - ERROR - Error in episode 335: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,192 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,197 - ERROR - Learning error in episode 336, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,197 - ERROR - Error in episode 336: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,197 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,201 - ERROR - Learning error in episode 337, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,204 - ERROR - Learning error in episode 337, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,206 - ERROR - Learning error in episode 337, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,206 - ERROR - Learning error in episode 337, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,209 - ERROR - Error in episode 337: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,211 - ERROR - Learning error in episode 338, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,214 - ERROR - Learning error in episode 338, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,214 - ERROR - Learning error in episode 338, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,218 - ERROR - Learning error in episode 338, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,218 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,218 - ERROR - Learning error in episode 338, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,222 - ERROR - Learning error in episode 338, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,223 - ERROR - Learning error in episode 338, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,226 - ERROR - Learning error in episode 338, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,226 - ERROR - Learning error in episode 338, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,230 - ERROR - Learning error in episode 338, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,230 - ERROR - Learning error in episode 338, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,234 - ERROR - Learning error in episode 338, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,236 - ERROR - Learning error in episode 338, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,236 - ERROR - Error in episode 338: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,238 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,238 - ERROR - Learning error in episode 339, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,238 - ERROR - Error in episode 339: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,242 - ERROR - Learning error in episode 340, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,242 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,243 - ERROR - Learning error in episode 340, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,246 - ERROR - Learning error in episode 340, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,246 - ERROR - Learning error in episode 340, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,251 - ERROR - Learning error in episode 340, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,251 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:36,251 - ERROR - Learning error in episode 340, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,254 - ERROR - Error in episode 340: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,254 - ERROR - Learning error in episode 341, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,254 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,257 - ERROR - Learning error in episode 341, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,259 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:36,260 - ERROR - Learning error in episode 341, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,262 - ERROR - Learning error in episode 341, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,264 - ERROR - Learning error in episode 341, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,264 - ERROR - Error in episode 341: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,266 - ERROR - Error in episode 342: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,267 - ERROR - Learning error in episode 343, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,267 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,270 - ERROR - Learning error in episode 343, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,270 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:36,272 - ERROR - Learning error in episode 343, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,272 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,275 - ERROR - Learning error in episode 343, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,275 - ERROR - Learning error in episode 343, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,275 - ERROR - Error in episode 343: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,275 - ERROR - Error in episode 344: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,280 - ERROR - Learning error in episode 345, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,280 - ERROR - Error in episode 345: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,284 - ERROR - Learning error in episode 346, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,284 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,286 - ERROR - Learning error in episode 346, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,286 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:36,288 - ERROR - Learning error in episode 346, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,291 - ERROR - Learning error in episode 346, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,291 - ERROR - Learning error in episode 346, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,291 - ERROR - Error in episode 346: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,295 - ERROR - Learning error in episode 347, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,295 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,298 - ERROR - Learning error in episode 347, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,298 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:36,302 - ERROR - Learning error in episode 347, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,303 - ERROR - Learning error in episode 347, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,303 - ERROR - Error in episode 347: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,303 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,306 - ERROR - Learning error in episode 348, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,310 - ERROR - Learning error in episode 348, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,310 - ERROR - Learning error in episode 348, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,310 - ERROR - Learning error in episode 348, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,315 - ERROR - Learning error in episode 348, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,315 - ERROR - Error in episode 348: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,317 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,319 - ERROR - Learning error in episode 349, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,319 - ERROR - Learning error in episode 349, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,323 - ERROR - Error in episode 349: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,323 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,323 - ERROR - Learning error in episode 350, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,325 - ERROR - Learning error in episode 350, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,325 - ERROR - Error in episode 350: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,328 - ERROR - Error in episode 351: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,331 - ERROR - Learning error in episode 352, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,331 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,331 - ERROR - Learning error in episode 352, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,334 - ERROR - Error in episode 352: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,335 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,335 - ERROR - Learning error in episode 353, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,339 - ERROR - Learning error in episode 353, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,340 - ERROR - Learning error in episode 353, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,340 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:36,342 - ERROR - Learning error in episode 353, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,342 - ERROR - Error in episode 353: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,342 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,342 - ERROR - Learning error in episode 354, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,348 - ERROR - Learning error in episode 354, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,351 - ERROR - Learning error in episode 354, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,351 - ERROR - Learning error in episode 354, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,355 - ERROR - Learning error in episode 354, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,356 - ERROR - Learning error in episode 354, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,360 - ERROR - Learning error in episode 354, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,360 - ERROR - Error in episode 354: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,360 - ERROR - Error in episode 355: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,362 - ERROR - Error in episode 356: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,362 - ERROR - Error in episode 357: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,364 - ERROR - Learning error in episode 358, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,364 - ERROR - Error in episode 358: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,367 - ERROR - Learning error in episode 359, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,368 - ERROR - Error in episode 359: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,368 - ERROR - Learning error in episode 360, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,368 - ERROR - Error in episode 360: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,368 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,372 - ERROR - Learning error in episode 361, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,372 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:36,375 - ERROR - Learning error in episode 361, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,375 - ERROR - Learning error in episode 361, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,375 - ERROR - Learning error in episode 361, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,375 - ERROR - Error in episode 361: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,381 - ERROR - Learning error in episode 362, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,381 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,384 - ERROR - Learning error in episode 362, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,387 - ERROR - Learning error in episode 362, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,387 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:36,389 - ERROR - Learning error in episode 362, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,389 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,389 - ERROR - Learning error in episode 362, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,389 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:36,394 - ERROR - Learning error in episode 362, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,394 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,396 - ERROR - Learning error in episode 362, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,398 - ERROR - Learning error in episode 362, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,400 - ERROR - Learning error in episode 362, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,402 - ERROR - Learning error in episode 362, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,402 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:36,402 - ERROR - Learning error in episode 362, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,406 - ERROR - Error in episode 362: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,406 - ERROR - Learning error in episode 363, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,410 - ERROR - Learning error in episode 363, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,410 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,410 - ERROR - Learning error in episode 363, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,414 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:36,415 - ERROR - Learning error in episode 363, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,417 - ERROR - Learning error in episode 363, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,417 - ERROR - Error in episode 363: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,417 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,417 - ERROR - Learning error in episode 364, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,422 - ERROR - Learning error in episode 364, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,425 - ERROR - Learning error in episode 364, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,428 - ERROR - Learning error in episode 364, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,428 - ERROR - Learning error in episode 364, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,431 - ERROR - Learning error in episode 364, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,434 - ERROR - Learning error in episode 364, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,434 - ERROR - Learning error in episode 364, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,434 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:36,439 - ERROR - Learning error in episode 364, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,439 - ERROR - Error in episode 364: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,439 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,442 - ERROR - Learning error in episode 365, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,442 - ERROR - Learning error in episode 365, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,445 - ERROR - Learning error in episode 365, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,447 - ERROR - Learning error in episode 365, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,447 - ERROR - Learning error in episode 365, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,450 - ERROR - Error in episode 365: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,452 - ERROR - Learning error in episode 366, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,452 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,455 - ERROR - Learning error in episode 366, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,455 - ERROR - Learning error in episode 366, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,460 - ERROR - Learning error in episode 366, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,460 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:36,460 - ERROR - Learning error in episode 366, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,463 - ERROR - Learning error in episode 366, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,465 - ERROR - Learning error in episode 366, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,468 - ERROR - Learning error in episode 366, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,468 - ERROR - Learning error in episode 366, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,472 - ERROR - Learning error in episode 366, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,472 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,472 - ERROR - Learning error in episode 366, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,476 - ERROR - Learning error in episode 366, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,478 - ERROR - Learning error in episode 366, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,480 - ERROR - Error in episode 366: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,480 - ERROR - Learning error in episode 367, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,480 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,484 - ERROR - Learning error in episode 367, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,486 - ERROR - Learning error in episode 367, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,486 - ERROR - Error in episode 367: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,488 - ERROR - Error in episode 368: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,488 - ERROR - Error in episode 369: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,488 - ERROR - Error in episode 370: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,488 - ERROR - Error in episode 371: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,488 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,493 - ERROR - Learning error in episode 372, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,493 - ERROR - Error in episode 372: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,493 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,493 - ERROR - Learning error in episode 373, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,497 - ERROR - Learning error in episode 373, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,499 - ERROR - Error in episode 373: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,499 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,501 - ERROR - Learning error in episode 374, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,501 - ERROR - Learning error in episode 374, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,504 - ERROR - Error in episode 374: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,505 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,505 - ERROR - Learning error in episode 375, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,509 - ERROR - Learning error in episode 375, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,510 - ERROR - Error in episode 375: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,510 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,510 - ERROR - Learning error in episode 376, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,513 - ERROR - Learning error in episode 376, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,517 - ERROR - Learning error in episode 376, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,518 - ERROR - Error in episode 376: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,518 - ERROR - Learning error in episode 377, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,518 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,521 - ERROR - Learning error in episode 377, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,523 - ERROR - Error in episode 377: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,523 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,525 - ERROR - Learning error in episode 378, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,526 - ERROR - Learning error in episode 378, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,529 - ERROR - Learning error in episode 378, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,530 - ERROR - Error in episode 378: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,530 - ERROR - Learning error in episode 379, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,530 - ERROR - Error in episode 379: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,534 - ERROR - Error in episode 380: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,534 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,534 - ERROR - Learning error in episode 381, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,534 - ERROR - Error in episode 381: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,534 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,538 - ERROR - Learning error in episode 382, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,540 - ERROR - Error in episode 382: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,542 - ERROR - Learning error in episode 383, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,543 - ERROR - Error in episode 383: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,543 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,543 - ERROR - Learning error in episode 384, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,546 - ERROR - Error in episode 384: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,549 - ERROR - Learning error in episode 385, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,551 - ERROR - Learning error in episode 385, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,551 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,554 - ERROR - Learning error in episode 385, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,554 - ERROR - Learning error in episode 385, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,559 - ERROR - Learning error in episode 385, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,561 - ERROR - Learning error in episode 385, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,563 - ERROR - Learning error in episode 385, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,563 - ERROR - Learning error in episode 385, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,567 - ERROR - Learning error in episode 385, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,568 - ERROR - Learning error in episode 385, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,571 - ERROR - Learning error in episode 385, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,571 - ERROR - Learning error in episode 385, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,576 - ERROR - Learning error in episode 385, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,576 - ERROR - Learning error in episode 385, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,579 - ERROR - Learning error in episode 385, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,581 - ERROR - Learning error in episode 385, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,581 - ERROR - Error in episode 385: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,584 - ERROR - Learning error in episode 386, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,584 - ERROR - Learning error in episode 386, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,588 - ERROR - Learning error in episode 386, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,588 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,592 - ERROR - Learning error in episode 386, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,593 - ERROR - Learning error in episode 386, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,593 - ERROR - Learning error in episode 386, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,593 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:36,598 - ERROR - Learning error in episode 386, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,598 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,600 - ERROR - Learning error in episode 386, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,600 - ERROR - Error in episode 386: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,603 - ERROR - Learning error in episode 387, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,606 - ERROR - Learning error in episode 387, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,606 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,609 - ERROR - Learning error in episode 387, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,609 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:36,609 - ERROR - Learning error in episode 387, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,614 - ERROR - Learning error in episode 387, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,614 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,614 - ERROR - Learning error in episode 387, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,617 - ERROR - Error in episode 387: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,619 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,620 - ERROR - Learning error in episode 388, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,622 - ERROR - Learning error in episode 388, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,622 - ERROR - Error in episode 388: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,626 - ERROR - Learning error in episode 389, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,626 - ERROR - Learning error in episode 389, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,630 - ERROR - Learning error in episode 389, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,630 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,632 - ERROR - Learning error in episode 389, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,634 - ERROR - Learning error in episode 389, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,637 - ERROR - Learning error in episode 389, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,637 - ERROR - Error in episode 389: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,637 - ERROR - Error in episode 390: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,640 - ERROR - Learning error in episode 391, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,640 - ERROR - Error in episode 391: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,643 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,643 - ERROR - Learning error in episode 392, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,643 - ERROR - Learning error in episode 392, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,648 - ERROR - Learning error in episode 392, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,650 - ERROR - Learning error in episode 392, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,650 - ERROR - Error in episode 392: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,652 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,652 - ERROR - Learning error in episode 393, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,652 - ERROR - Learning error in episode 393, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,657 - ERROR - Learning error in episode 393, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,660 - ERROR - Learning error in episode 393, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,660 - ERROR - Learning error in episode 393, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,660 - ERROR - Learning error in episode 393, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,666 - ERROR - Learning error in episode 393, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,667 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:36,668 - ERROR - Learning error in episode 393, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,668 - ERROR - Learning error in episode 393, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,668 - ERROR - Error in episode 393: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,673 - ERROR - Error in episode 394: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,673 - ERROR - Error in episode 395: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,676 - ERROR - Learning error in episode 396, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,676 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,678 - ERROR - Learning error in episode 396, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,678 - ERROR - Learning error in episode 396, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,678 - ERROR - Error in episode 396: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,683 - ERROR - Learning error in episode 397, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,684 - ERROR - Error in episode 397: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,685 - ERROR - Learning error in episode 398, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,685 - ERROR - Learning error in episode 398, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,685 - ERROR - Learning error in episode 398, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,693 - ERROR - Learning error in episode 398, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,693 - ERROR - Learning error in episode 398, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,693 - ERROR - Learning error in episode 398, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,693 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,693 - ERROR - Learning error in episode 398, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,700 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:36,701 - ERROR - Learning error in episode 398, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,701 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,705 - ERROR - Learning error in episode 398, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,705 - ERROR - Learning error in episode 398, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,709 - ERROR - Learning error in episode 398, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,709 - ERROR - Learning error in episode 398, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,713 - ERROR - Learning error in episode 398, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,713 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:36,716 - ERROR - Learning error in episode 398, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,717 - ERROR - Learning error in episode 398, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,717 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,720 - ERROR - Learning error in episode 398, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,720 - ERROR - Error in episode 398: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,720 - ERROR - Error in episode 399: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,725 - ERROR - Learning error in episode 400, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,726 - ERROR - Error in episode 400: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,728 - ERROR - Error in episode 401: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,728 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,729 - ERROR - Learning error in episode 402, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,729 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:36,731 - ERROR - Learning error in episode 402, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,731 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,734 - ERROR - Learning error in episode 402, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,734 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:36,751 - ERROR - Learning error in episode 402, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,753 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,756 - ERROR - Learning error in episode 402, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,758 - ERROR - Error in episode 402: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,761 - ERROR - Learning error in episode 403, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,763 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,767 - ERROR - Learning error in episode 403, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,771 - ERROR - Learning error in episode 403, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,780 - ERROR - Learning error in episode 403, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,780 - ERROR - Error in episode 403: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,783 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,788 - ERROR - Learning error in episode 404, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,792 - ERROR - Learning error in episode 404, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,794 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:36,798 - ERROR - Learning error in episode 404, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,801 - ERROR - Error in episode 404: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,803 - ERROR - Error in episode 405: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,805 - ERROR - Learning error in episode 406, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,807 - ERROR - Error in episode 406: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,811 - ERROR - Error in episode 407: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,817 - ERROR - Learning error in episode 408, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,823 - ERROR - Learning error in episode 408, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,825 - ERROR - Learning error in episode 408, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,825 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,825 - ERROR - Learning error in episode 408, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,825 - ERROR - Error in episode 408: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,825 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,825 - ERROR - Learning error in episode 409, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,834 - ERROR - Learning error in episode 409, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,834 - ERROR - Learning error in episode 409, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,838 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:36,838 - ERROR - Learning error in episode 409, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,842 - ERROR - Learning error in episode 409, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,844 - ERROR - Error in episode 409: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,846 - ERROR - Error in episode 410: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,846 - ERROR - Error in episode 411: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,848 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,850 - ERROR - Learning error in episode 412, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,850 - ERROR - Error in episode 412: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,853 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,855 - ERROR - Learning error in episode 413, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,857 - ERROR - Learning error in episode 413, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,857 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:36,861 - ERROR - Learning error in episode 413, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,861 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,861 - ERROR - Learning error in episode 413, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,865 - ERROR - Learning error in episode 413, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,865 - ERROR - Error in episode 413: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,865 - ERROR - Error in episode 414: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,869 - ERROR - Learning error in episode 415, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,869 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,871 - ERROR - Learning error in episode 415, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,871 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:36,873 - ERROR - Learning error in episode 415, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,877 - ERROR - Learning error in episode 415, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,877 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,877 - ERROR - Learning error in episode 415, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,877 - ERROR - Learning error in episode 415, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,883 - ERROR - Learning error in episode 415, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,885 - ERROR - Learning error in episode 415, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,885 - ERROR - Error in episode 415: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,885 - ERROR - Learning error in episode 416, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,885 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,890 - ERROR - Learning error in episode 416, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,890 - ERROR - Learning error in episode 416, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,893 - ERROR - Error in episode 416: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,894 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,894 - ERROR - Learning error in episode 417, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,898 - ERROR - Learning error in episode 417, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,900 - ERROR - Learning error in episode 417, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,902 - ERROR - Learning error in episode 417, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,902 - ERROR - Learning error in episode 417, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,906 - ERROR - Learning error in episode 417, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,906 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:36,906 - ERROR - Learning error in episode 417, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,906 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,909 - ERROR - Learning error in episode 417, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,909 - ERROR - Learning error in episode 417, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,913 - ERROR - Error in episode 417: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,914 - ERROR - Error in episode 418: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,915 - ERROR - Learning error in episode 419, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,918 - ERROR - Learning error in episode 419, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,918 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,919 - ERROR - Learning error in episode 419, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,922 - ERROR - Learning error in episode 419, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,922 - ERROR - Learning error in episode 419, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,927 - ERROR - Learning error in episode 419, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,927 - ERROR - Learning error in episode 419, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,927 - ERROR - Learning error in episode 419, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,931 - ERROR - Error in episode 419: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,931 - ERROR - Learning error in episode 420, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,931 - ERROR - Error in episode 420: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,935 - ERROR - Learning error in episode 421, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,935 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,935 - ERROR - Learning error in episode 421, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,940 - ERROR - Learning error in episode 421, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,940 - ERROR - Learning error in episode 421, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,943 - ERROR - Error in episode 421: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,943 - ERROR - Learning error in episode 422, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,946 - ERROR - Learning error in episode 422, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,947 - ERROR - Error in episode 422: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,947 - ERROR - Learning error in episode 423, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,947 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:36,951 - ERROR - Learning error in episode 423, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,953 - ERROR - Learning error in episode 423, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,956 - ERROR - Learning error in episode 423, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,956 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:36,956 - ERROR - Learning error in episode 423, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,956 - ERROR - Error in episode 423: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,961 - ERROR - Learning error in episode 424, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,961 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,964 - ERROR - Learning error in episode 424, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,964 - ERROR - Learning error in episode 424, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,964 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:36,969 - ERROR - Learning error in episode 424, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,969 - ERROR - Error in episode 424: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,969 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,969 - ERROR - Learning error in episode 425, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,973 - ERROR - Learning error in episode 425, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,973 - ERROR - Learning error in episode 425, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,977 - ERROR - Error in episode 425: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,977 - ERROR - Error in episode 426: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,977 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,977 - ERROR - Learning error in episode 427, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,977 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:36,981 - ERROR - Learning error in episode 427, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,981 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,981 - ERROR - Learning error in episode 427, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,985 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:36,985 - ERROR - Learning error in episode 427, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,985 - ERROR - Error in episode 427: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:36,985 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:36,989 - ERROR - Learning error in episode 428, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,991 - ERROR - Learning error in episode 428, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,994 - ERROR - Learning error in episode 428, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,994 - ERROR - Learning error in episode 428, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,998 - ERROR - Learning error in episode 428, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,998 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:36,998 - ERROR - Learning error in episode 428, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:36,998 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,002 - ERROR - Learning error in episode 428, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,004 - ERROR - Learning error in episode 428, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,004 - ERROR - Error in episode 428: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,006 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,006 - ERROR - Learning error in episode 429, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,006 - ERROR - Error in episode 429: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,006 - ERROR - Error in episode 430: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,010 - ERROR - Learning error in episode 431, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,010 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,014 - ERROR - Learning error in episode 431, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,014 - ERROR - Learning error in episode 431, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,014 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:37,018 - ERROR - Learning error in episode 431, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,019 - ERROR - Error in episode 431: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,019 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,022 - ERROR - Learning error in episode 432, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,022 - ERROR - Learning error in episode 432, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,022 - ERROR - Error in episode 432: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,022 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,027 - ERROR - Learning error in episode 433, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,027 - ERROR - Error in episode 433: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,027 - ERROR - Learning error in episode 434, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,031 - ERROR - Error in episode 434: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,031 - ERROR - Learning error in episode 435, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,031 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,035 - ERROR - Learning error in episode 435, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,035 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:37,036 - ERROR - Learning error in episode 435, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,039 - ERROR - Learning error in episode 435, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,039 - ERROR - Learning error in episode 435, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,039 - ERROR - Error in episode 435: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,043 - ERROR - Error in episode 436: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,044 - ERROR - Learning error in episode 437, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,047 - ERROR - Learning error in episode 437, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,049 - ERROR - Learning error in episode 437, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,049 - ERROR - Learning error in episode 437, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,051 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,052 - ERROR - Learning error in episode 437, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,055 - ERROR - Learning error in episode 437, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,055 - ERROR - Learning error in episode 437, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,055 - ERROR - Learning error in episode 437, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,060 - ERROR - Error in episode 437: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,060 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,063 - ERROR - Learning error in episode 438, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,063 - ERROR - Error in episode 438: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,063 - ERROR - Error in episode 439: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,063 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,063 - ERROR - Learning error in episode 440, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,068 - ERROR - Learning error in episode 440, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,071 - ERROR - Learning error in episode 440, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,071 - ERROR - Learning error in episode 440, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,071 - ERROR - Error in episode 440: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,075 - ERROR - Learning error in episode 441, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,075 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,077 - ERROR - Learning error in episode 441, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,077 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:37,079 - ERROR - Learning error in episode 441, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,079 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,079 - ERROR - Learning error in episode 441, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,085 - ERROR - Learning error in episode 441, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,085 - ERROR - Learning error in episode 441, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,085 - ERROR - Error in episode 441: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,088 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,088 - ERROR - Learning error in episode 442, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,088 - ERROR - Learning error in episode 442, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,088 - ERROR - Error in episode 442: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,093 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,094 - ERROR - Learning error in episode 443, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,096 - ERROR - Learning error in episode 443, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,096 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:37,096 - ERROR - Learning error in episode 443, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,096 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,102 - ERROR - Learning error in episode 443, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,102 - ERROR - Learning error in episode 443, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,105 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:37,105 - ERROR - Learning error in episode 443, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,105 - ERROR - Error in episode 443: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,105 - ERROR - Learning error in episode 444, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,110 - ERROR - Learning error in episode 444, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,113 - ERROR - Learning error in episode 444, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,113 - ERROR - Learning error in episode 444, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,113 - ERROR - Learning error in episode 444, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,113 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,118 - ERROR - Learning error in episode 444, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,118 - ERROR - Error in episode 444: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,118 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,125 - ERROR - Learning error in episode 445, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,125 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:37,125 - ERROR - Learning error in episode 445, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,125 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,125 - ERROR - Learning error in episode 445, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,131 - ERROR - Learning error in episode 445, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,131 - ERROR - Error in episode 445: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,131 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,131 - ERROR - Learning error in episode 446, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,131 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:37,131 - ERROR - Learning error in episode 446, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,139 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,141 - ERROR - Learning error in episode 446, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,143 - ERROR - Learning error in episode 446, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,146 - ERROR - Learning error in episode 446, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,148 - ERROR - Learning error in episode 446, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,151 - ERROR - Learning error in episode 446, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,153 - ERROR - Error in episode 446: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,153 - ERROR - Learning error in episode 447, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,155 - ERROR - Error in episode 447: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,155 - ERROR - Error in episode 448: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,155 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,160 - ERROR - Learning error in episode 449, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,160 - ERROR - Learning error in episode 449, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,163 - ERROR - Learning error in episode 449, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,163 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:37,167 - ERROR - Learning error in episode 449, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,168 - ERROR - Learning error in episode 449, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,168 - ERROR - Error in episode 449: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,172 - ERROR - Learning error in episode 450, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,172 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,172 - ERROR - Learning error in episode 450, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,175 - ERROR - Error in episode 450: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,175 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,175 - ERROR - Learning error in episode 451, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,180 - ERROR - Learning error in episode 451, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,180 - ERROR - Error in episode 451: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,180 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,184 - ERROR - Learning error in episode 452, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,184 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:37,185 - ERROR - Learning error in episode 452, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,185 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,188 - ERROR - Learning error in episode 452, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,188 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:37,191 - ERROR - Learning error in episode 452, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,193 - ERROR - Learning error in episode 452, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,193 - ERROR - Learning error in episode 452, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,196 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,197 - ERROR - Learning error in episode 452, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,197 - ERROR - Error in episode 452: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,197 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,201 - ERROR - Learning error in episode 453, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,201 - ERROR - Learning error in episode 453, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,206 - ERROR - Learning error in episode 453, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,209 - ERROR - Learning error in episode 453, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,209 - ERROR - Learning error in episode 453, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,213 - ERROR - Learning error in episode 453, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,213 - ERROR - Learning error in episode 453, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,213 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:37,217 - ERROR - Learning error in episode 453, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,217 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,218 - ERROR - Learning error in episode 453, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,221 - ERROR - Learning error in episode 453, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,221 - ERROR - Learning error in episode 453, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,225 - ERROR - Error in episode 453: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,227 - ERROR - Learning error in episode 454, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,229 - ERROR - Learning error in episode 454, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,230 - ERROR - Error in episode 454: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,231 - ERROR - Error in episode 455: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,231 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,231 - ERROR - Learning error in episode 456, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,234 - ERROR - Learning error in episode 456, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,234 - ERROR - Error in episode 456: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,237 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,237 - ERROR - Learning error in episode 457, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,237 - ERROR - Error in episode 457: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,237 - ERROR - Learning error in episode 458, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,243 - ERROR - Learning error in episode 458, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,245 - ERROR - Learning error in episode 458, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,245 - ERROR - Error in episode 458: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,247 - ERROR - Learning error in episode 459, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,247 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,250 - ERROR - Learning error in episode 459, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,250 - ERROR - Learning error in episode 459, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,254 - ERROR - Learning error in episode 459, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,254 - ERROR - Error in episode 459: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,254 - ERROR - Learning error in episode 460, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,259 - ERROR - Error in episode 460: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,259 - ERROR - Learning error in episode 461, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,262 - ERROR - Learning error in episode 461, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,262 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,262 - ERROR - Learning error in episode 461, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,262 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:37,267 - ERROR - Learning error in episode 461, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,267 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,271 - ERROR - Learning error in episode 461, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,271 - ERROR - Learning error in episode 461, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,271 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:37,275 - ERROR - Learning error in episode 461, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,275 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,275 - ERROR - Learning error in episode 461, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,275 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:37,275 - ERROR - Learning error in episode 461, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,281 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,283 - ERROR - Learning error in episode 461, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,285 - ERROR - Learning error in episode 461, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,287 - ERROR - Learning error in episode 461, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,287 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-6.78 +2025-03-10 10:47:37,287 - ERROR - Learning error in episode 461, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,292 - ERROR - Learning error in episode 461, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,294 - ERROR - Learning error in episode 461, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,294 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,295 - ERROR - Learning error in episode 461, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,295 - ERROR - Learning error in episode 461, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,299 - ERROR - Error in episode 461: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,301 - ERROR - Learning error in episode 462, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,301 - ERROR - Learning error in episode 462, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,301 - ERROR - Learning error in episode 462, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,306 - ERROR - Error in episode 462: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,307 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,309 - ERROR - Learning error in episode 463, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,310 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:37,310 - ERROR - Learning error in episode 463, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,315 - ERROR - Learning error in episode 463, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,315 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,317 - ERROR - Learning error in episode 463, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,317 - ERROR - Learning error in episode 463, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,317 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:37,322 - ERROR - Learning error in episode 463, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,325 - ERROR - Learning error in episode 463, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,325 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,327 - ERROR - Learning error in episode 463, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,329 - ERROR - Learning error in episode 463, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,331 - ERROR - Error in episode 463: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,332 - ERROR - Learning error in episode 464, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,332 - ERROR - Error in episode 464: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,334 - ERROR - Learning error in episode 465, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,334 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,334 - ERROR - Learning error in episode 465, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,339 - ERROR - Learning error in episode 465, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,343 - ERROR - Error in episode 465: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,343 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,343 - ERROR - Learning error in episode 466, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,343 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:37,348 - ERROR - Learning error in episode 466, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,348 - ERROR - Error in episode 466: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,349 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,350 - ERROR - Learning error in episode 467, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,353 - ERROR - Learning error in episode 467, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,356 - ERROR - Learning error in episode 467, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,359 - ERROR - Learning error in episode 467, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,360 - ERROR - Learning error in episode 467, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,360 - ERROR - Learning error in episode 467, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,360 - ERROR - Error in episode 467: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,365 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,365 - ERROR - Learning error in episode 468, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,368 - ERROR - Learning error in episode 468, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,368 - ERROR - Learning error in episode 468, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,373 - ERROR - Learning error in episode 468, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,374 - ERROR - Error in episode 468: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,374 - ERROR - Error in episode 469: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,376 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,376 - ERROR - Learning error in episode 470, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,376 - ERROR - Error in episode 470: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,379 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,381 - ERROR - Learning error in episode 471, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,381 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:37,384 - ERROR - Learning error in episode 471, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,385 - ERROR - Learning error in episode 471, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,385 - ERROR - Error in episode 471: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,385 - ERROR - Learning error in episode 472, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,389 - ERROR - Learning error in episode 472, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,389 - ERROR - Error in episode 472: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,393 - ERROR - Learning error in episode 473, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,393 - ERROR - Error in episode 473: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,393 - ERROR - Error in episode 474: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,393 - ERROR - Error in episode 475: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,397 - ERROR - Learning error in episode 476, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,400 - ERROR - Learning error in episode 476, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,400 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,400 - ERROR - Learning error in episode 476, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,404 - ERROR - Learning error in episode 476, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,405 - ERROR - Error in episode 476: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,407 - ERROR - Learning error in episode 477, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,409 - ERROR - Error in episode 477: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,409 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,411 - ERROR - Learning error in episode 478, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,411 - ERROR - Error in episode 478: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,411 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,414 - ERROR - Learning error in episode 479, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,414 - ERROR - Error in episode 479: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,414 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,418 - ERROR - Learning error in episode 480, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,418 - ERROR - Learning error in episode 480, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,422 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:37,422 - ERROR - Learning error in episode 480, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,422 - ERROR - Error in episode 480: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,427 - ERROR - Learning error in episode 481, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,427 - ERROR - Error in episode 481: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,427 - ERROR - Error in episode 482: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,429 - ERROR - Learning error in episode 483, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,431 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,432 - ERROR - Learning error in episode 483, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,435 - ERROR - Learning error in episode 483, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,435 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:37,435 - ERROR - Learning error in episode 483, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,435 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,440 - ERROR - Learning error in episode 483, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,443 - ERROR - Learning error in episode 483, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,443 - ERROR - Error in episode 483: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,444 - ERROR - Error in episode 484: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,444 - ERROR - Learning error in episode 485, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,449 - ERROR - Learning error in episode 485, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,450 - ERROR - Error in episode 485: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,450 - ERROR - Learning error in episode 486, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,450 - ERROR - Error in episode 486: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,450 - ERROR - Learning error in episode 487, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,450 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,456 - ERROR - Learning error in episode 487, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,459 - ERROR - Learning error in episode 487, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,460 - ERROR - Learning error in episode 487, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,460 - ERROR - Error in episode 487: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,460 - ERROR - Learning error in episode 488, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,460 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,466 - ERROR - Learning error in episode 488, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,467 - ERROR - Error in episode 488: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,468 - ERROR - Error in episode 489: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,468 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,468 - ERROR - Learning error in episode 490, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,468 - ERROR - Learning error in episode 490, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,474 - ERROR - Learning error in episode 490, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,476 - ERROR - Learning error in episode 490, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,476 - ERROR - Learning error in episode 490, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,479 - ERROR - Error in episode 490: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,480 - ERROR - Learning error in episode 491, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,482 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,484 - ERROR - Learning error in episode 491, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,485 - ERROR - Learning error in episode 491, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,485 - ERROR - Error in episode 491: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,485 - ERROR - Learning error in episode 492, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,485 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,490 - ERROR - Learning error in episode 492, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,492 - ERROR - Error in episode 492: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,493 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,493 - ERROR - Learning error in episode 493, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,493 - ERROR - Learning error in episode 493, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,499 - ERROR - Learning error in episode 493, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,500 - ERROR - Learning error in episode 493, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,500 - ERROR - Learning error in episode 493, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,500 - ERROR - Error in episode 493: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,504 - ERROR - Learning error in episode 494, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,507 - ERROR - Learning error in episode 494, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,509 - ERROR - Learning error in episode 494, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,512 - ERROR - Error in episode 494: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,513 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,513 - ERROR - Learning error in episode 495, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,517 - ERROR - Learning error in episode 495, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,519 - ERROR - Learning error in episode 495, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,519 - ERROR - Error in episode 495: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,519 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,523 - ERROR - Learning error in episode 496, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,525 - ERROR - Learning error in episode 496, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,527 - ERROR - Learning error in episode 496, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,527 - ERROR - Error in episode 496: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,527 - ERROR - Error in episode 497: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,527 - ERROR - Error in episode 498: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,532 - ERROR - Error in episode 499: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,534 - ERROR - Learning error in episode 500, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,534 - ERROR - Error in episode 500: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,536 - ERROR - Error in episode 501: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,536 - ERROR - Learning error in episode 502, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,536 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,540 - ERROR - Learning error in episode 502, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,543 - ERROR - Learning error in episode 502, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,543 - ERROR - Error in episode 502: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,543 - ERROR - Learning error in episode 503, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,548 - ERROR - Learning error in episode 503, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,550 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,551 - ERROR - Learning error in episode 503, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,551 - ERROR - Learning error in episode 503, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,551 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:37,556 - ERROR - Learning error in episode 503, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,556 - ERROR - Error in episode 503: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,559 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,559 - ERROR - Learning error in episode 504, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,559 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:37,562 - ERROR - Learning error in episode 504, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,564 - ERROR - Learning error in episode 504, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,567 - ERROR - Learning error in episode 504, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,569 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,569 - ERROR - Learning error in episode 504, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,572 - ERROR - Learning error in episode 504, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,572 - ERROR - Error in episode 504: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,572 - ERROR - Error in episode 505: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,577 - ERROR - Error in episode 506: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,577 - ERROR - Error in episode 507: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,577 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,580 - ERROR - Learning error in episode 508, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,584 - ERROR - Learning error in episode 508, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,585 - ERROR - Learning error in episode 508, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,588 - ERROR - Learning error in episode 508, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,588 - ERROR - Learning error in episode 508, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,593 - ERROR - Learning error in episode 508, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,595 - ERROR - Learning error in episode 508, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,596 - ERROR - Learning error in episode 508, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,596 - ERROR - Learning error in episode 508, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,602 - ERROR - Learning error in episode 508, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,602 - ERROR - Error in episode 508: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,604 - ERROR - Learning error in episode 509, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,606 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,606 - ERROR - Learning error in episode 509, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,610 - ERROR - Learning error in episode 509, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,612 - ERROR - Learning error in episode 509, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,612 - ERROR - Learning error in episode 509, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,612 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:37,617 - ERROR - Learning error in episode 509, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,617 - ERROR - Error in episode 509: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,620 - ERROR - Learning error in episode 510, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,620 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,622 - ERROR - Learning error in episode 510, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,626 - ERROR - Error in episode 510: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,626 - ERROR - Learning error in episode 511, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,626 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,631 - ERROR - Learning error in episode 511, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,631 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:37,634 - ERROR - Learning error in episode 511, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,637 - ERROR - Learning error in episode 511, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,637 - ERROR - Error in episode 511: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,639 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,639 - ERROR - Learning error in episode 512, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,643 - ERROR - Learning error in episode 512, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,645 - ERROR - Learning error in episode 512, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,647 - ERROR - Learning error in episode 512, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,647 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:37,650 - ERROR - Learning error in episode 512, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,650 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,652 - ERROR - Learning error in episode 512, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,656 - ERROR - Learning error in episode 512, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,656 - ERROR - Learning error in episode 512, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,656 - ERROR - Error in episode 512: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,656 - ERROR - Learning error in episode 513, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,656 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,664 - ERROR - Learning error in episode 513, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,665 - ERROR - Error in episode 513: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,665 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,667 - ERROR - Learning error in episode 514, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,667 - ERROR - Learning error in episode 514, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,670 - ERROR - Learning error in episode 514, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,672 - ERROR - Learning error in episode 514, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,675 - ERROR - Learning error in episode 514, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,678 - ERROR - Learning error in episode 514, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,681 - ERROR - Learning error in episode 514, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,684 - ERROR - Learning error in episode 514, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,685 - ERROR - Learning error in episode 514, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,685 - ERROR - Learning error in episode 514, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,689 - ERROR - Learning error in episode 514, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,692 - ERROR - Learning error in episode 514, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,693 - ERROR - Learning error in episode 514, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,693 - ERROR - Learning error in episode 514, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,698 - ERROR - Learning error in episode 514, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,700 - ERROR - Learning error in episode 514, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,700 - ERROR - Learning error in episode 514, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,705 - ERROR - Learning error in episode 514, step 17: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,705 - ERROR - Learning error in episode 514, step 18: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,709 - ERROR - Learning error in episode 514, step 19: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,709 - ERROR - Learning error in episode 514, step 20: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,709 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:37,714 - ERROR - Learning error in episode 514, step 21: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,718 - ERROR - Learning error in episode 514, step 22: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,718 - ERROR - Learning error in episode 514, step 23: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,718 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,718 - ERROR - Learning error in episode 514, step 24: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,725 - ERROR - Learning error in episode 514, step 25: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,727 - ERROR - Learning error in episode 514, step 26: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,727 - ERROR - Error in episode 514: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,727 - ERROR - Learning error in episode 515, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,732 - ERROR - Learning error in episode 515, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,732 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,735 - ERROR - Learning error in episode 515, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,735 - ERROR - Learning error in episode 515, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,735 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:37,740 - ERROR - Learning error in episode 515, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,743 - ERROR - Learning error in episode 515, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,743 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,745 - ERROR - Learning error in episode 515, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,745 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:37,748 - ERROR - Learning error in episode 515, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,748 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,752 - ERROR - Learning error in episode 515, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,752 - ERROR - Learning error in episode 515, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,756 - ERROR - Error in episode 515: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,756 - ERROR - Learning error in episode 516, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,759 - ERROR - Error in episode 516: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,759 - ERROR - Error in episode 517: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,762 - ERROR - Learning error in episode 518, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,762 - ERROR - Error in episode 518: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,764 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,767 - ERROR - Learning error in episode 519, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,767 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:37,769 - ERROR - Learning error in episode 519, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,773 - ERROR - Learning error in episode 519, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,773 - ERROR - Learning error in episode 519, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,777 - ERROR - Error in episode 519: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,780 - ERROR - Learning error in episode 520, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,780 - ERROR - Error in episode 520: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,782 - ERROR - Learning error in episode 521, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,784 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,785 - ERROR - Learning error in episode 521, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,789 - ERROR - Learning error in episode 521, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,789 - ERROR - Learning error in episode 521, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,793 - ERROR - Learning error in episode 521, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,793 - ERROR - Learning error in episode 521, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,793 - ERROR - Error in episode 521: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,797 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,797 - ERROR - Learning error in episode 522, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,802 - ERROR - Learning error in episode 522, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,802 - ERROR - Learning error in episode 522, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,805 - ERROR - Learning error in episode 522, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,809 - ERROR - Learning error in episode 522, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,809 - ERROR - Error in episode 522: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,809 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,809 - ERROR - Learning error in episode 523, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,814 - ERROR - Learning error in episode 523, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,817 - ERROR - Learning error in episode 523, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,818 - ERROR - Learning error in episode 523, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,818 - ERROR - Error in episode 523: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,822 - ERROR - Learning error in episode 524, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,823 - ERROR - Error in episode 524: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,823 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,826 - ERROR - Learning error in episode 525, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,827 - ERROR - Learning error in episode 525, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,830 - ERROR - Learning error in episode 525, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,830 - ERROR - Error in episode 525: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,834 - ERROR - Learning error in episode 526, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,835 - ERROR - Learning error in episode 526, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,835 - ERROR - Error in episode 526: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,839 - ERROR - Error in episode 527: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,839 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,843 - ERROR - Learning error in episode 528, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,843 - ERROR - Error in episode 528: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,844 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,844 - ERROR - Learning error in episode 529, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,847 - ERROR - Learning error in episode 529, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,851 - ERROR - Learning error in episode 529, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,852 - ERROR - Error in episode 529: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,852 - ERROR - Error in episode 530: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,852 - ERROR - Error in episode 531: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,852 - ERROR - Error in episode 532: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,855 - ERROR - Error in episode 533: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,855 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,858 - ERROR - Learning error in episode 534, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,859 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:37,860 - ERROR - Learning error in episode 534, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,860 - ERROR - Error in episode 534: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,860 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,864 - ERROR - Learning error in episode 535, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,866 - ERROR - Error in episode 535: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,867 - ERROR - Error in episode 536: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,868 - ERROR - Learning error in episode 537, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,873 - ERROR - Learning error in episode 537, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,873 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,877 - ERROR - Learning error in episode 537, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,877 - ERROR - Learning error in episode 537, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,877 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:37,881 - ERROR - Learning error in episode 537, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,881 - ERROR - Error in episode 537: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,884 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,886 - ERROR - Learning error in episode 538, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,889 - ERROR - Learning error in episode 538, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,889 - ERROR - Learning error in episode 538, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,894 - ERROR - Learning error in episode 538, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,894 - ERROR - Learning error in episode 538, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,897 - ERROR - Learning error in episode 538, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,897 - ERROR - Error in episode 538: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,901 - ERROR - Error in episode 539: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,902 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,902 - ERROR - Learning error in episode 540, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,905 - ERROR - Learning error in episode 540, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,905 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:37,910 - ERROR - Learning error in episode 540, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,910 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,913 - ERROR - Learning error in episode 540, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,915 - ERROR - Learning error in episode 540, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,915 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:37,918 - ERROR - Learning error in episode 540, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,918 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,923 - ERROR - Learning error in episode 540, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,923 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:37,925 - ERROR - Learning error in episode 540, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,927 - ERROR - Learning error in episode 540, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,927 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,929 - ERROR - Learning error in episode 540, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,929 - ERROR - Learning error in episode 540, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,934 - ERROR - Learning error in episode 540, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,938 - ERROR - Learning error in episode 540, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,940 - ERROR - Learning error in episode 540, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,943 - ERROR - Learning error in episode 540, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,946 - ERROR - Learning error in episode 540, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,946 - ERROR - Error in episode 540: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,946 - ERROR - Learning error in episode 541, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,950 - ERROR - Learning error in episode 541, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,950 - ERROR - Error in episode 541: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,952 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,954 - ERROR - Learning error in episode 542, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,956 - ERROR - Error in episode 542: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,959 - ERROR - Learning error in episode 543, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,960 - ERROR - Learning error in episode 543, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,962 - ERROR - Error in episode 543: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,962 - ERROR - Learning error in episode 544, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,967 - ERROR - Learning error in episode 544, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,968 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:37,970 - ERROR - Learning error in episode 544, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,973 - ERROR - Learning error in episode 544, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,977 - ERROR - Learning error in episode 544, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,979 - ERROR - Learning error in episode 544, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,984 - ERROR - Learning error in episode 544, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,987 - ERROR - Learning error in episode 544, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,987 - ERROR - Learning error in episode 544, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,992 - ERROR - Learning error in episode 544, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,992 - ERROR - Error in episode 544: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,992 - ERROR - Error in episode 545: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:37,992 - ERROR - Learning error in episode 546, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:37,997 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:37,997 - ERROR - Learning error in episode 546, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,000 - ERROR - Learning error in episode 546, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,000 - ERROR - Error in episode 546: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,000 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,004 - ERROR - Learning error in episode 547, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,004 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:38,006 - ERROR - Learning error in episode 547, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,009 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,010 - ERROR - Learning error in episode 547, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,012 - ERROR - Error in episode 547: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,012 - ERROR - Error in episode 548: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,015 - ERROR - Learning error in episode 549, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,017 - ERROR - Learning error in episode 549, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,018 - ERROR - Learning error in episode 549, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,018 - ERROR - Error in episode 549: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,018 - ERROR - Error in episode 550: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,018 - ERROR - Error in episode 551: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,023 - ERROR - Learning error in episode 552, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,023 - ERROR - Error in episode 552: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,025 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,026 - ERROR - Learning error in episode 553, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,026 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:38,029 - ERROR - Learning error in episode 553, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,031 - ERROR - Error in episode 553: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,031 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,031 - ERROR - Learning error in episode 554, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,035 - ERROR - Learning error in episode 554, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,035 - ERROR - Learning error in episode 554, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,035 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:38,039 - ERROR - Learning error in episode 554, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,039 - ERROR - Error in episode 554: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,043 - ERROR - Learning error in episode 555, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,043 - ERROR - Error in episode 555: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,043 - ERROR - Error in episode 556: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,043 - ERROR - Error in episode 557: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,047 - ERROR - Learning error in episode 558, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,048 - ERROR - Error in episode 558: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,049 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,051 - ERROR - Learning error in episode 559, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,051 - ERROR - Learning error in episode 559, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,054 - ERROR - Error in episode 559: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,055 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,057 - ERROR - Learning error in episode 560, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,059 - ERROR - Learning error in episode 560, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,060 - ERROR - Learning error in episode 560, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,060 - ERROR - Error in episode 560: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,063 - ERROR - Learning error in episode 561, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,063 - ERROR - Learning error in episode 561, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,068 - ERROR - Learning error in episode 561, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,068 - ERROR - Error in episode 561: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,068 - ERROR - Error in episode 562: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,071 - ERROR - Learning error in episode 563, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,071 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,071 - ERROR - Learning error in episode 563, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,075 - ERROR - Learning error in episode 563, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,076 - ERROR - Learning error in episode 563, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,076 - ERROR - Error in episode 563: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,076 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,079 - ERROR - Learning error in episode 564, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,079 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:38,084 - ERROR - Learning error in episode 564, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,084 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,084 - ERROR - Learning error in episode 564, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,084 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:38,088 - ERROR - Learning error in episode 564, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,088 - ERROR - Learning error in episode 564, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,088 - ERROR - Error in episode 564: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,092 - ERROR - Learning error in episode 565, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,096 - ERROR - Learning error in episode 565, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,096 - ERROR - Learning error in episode 565, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,096 - ERROR - Error in episode 565: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,100 - ERROR - Learning error in episode 566, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,100 - ERROR - Learning error in episode 566, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,106 - ERROR - Learning error in episode 566, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,106 - ERROR - Error in episode 566: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,106 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,109 - ERROR - Learning error in episode 567, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,111 - ERROR - Learning error in episode 567, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,111 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:38,111 - ERROR - Learning error in episode 567, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,111 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,116 - ERROR - Learning error in episode 567, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,118 - ERROR - Learning error in episode 567, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,118 - ERROR - Learning error in episode 567, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,118 - ERROR - Learning error in episode 567, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,125 - ERROR - Learning error in episode 567, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,126 - ERROR - Error in episode 567: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,126 - ERROR - Learning error in episode 568, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,126 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,129 - ERROR - Learning error in episode 568, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,132 - ERROR - Learning error in episode 568, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,134 - ERROR - Learning error in episode 568, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,136 - ERROR - Learning error in episode 568, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,136 - ERROR - Learning error in episode 568, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,136 - ERROR - Error in episode 568: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,136 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,142 - ERROR - Learning error in episode 569, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,144 - ERROR - Error in episode 569: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,144 - ERROR - Learning error in episode 570, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,144 - ERROR - Learning error in episode 570, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,144 - ERROR - Error in episode 570: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,151 - ERROR - Learning error in episode 571, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,151 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,151 - ERROR - Learning error in episode 571, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,154 - ERROR - Learning error in episode 571, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,158 - ERROR - Learning error in episode 571, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,158 - ERROR - Error in episode 571: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,161 - ERROR - Learning error in episode 572, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,163 - ERROR - Learning error in episode 572, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,166 - ERROR - Learning error in episode 572, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,167 - ERROR - Learning error in episode 572, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,167 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,167 - ERROR - Learning error in episode 572, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,171 - ERROR - Learning error in episode 572, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,174 - ERROR - Learning error in episode 572, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,176 - ERROR - Learning error in episode 572, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,178 - ERROR - Learning error in episode 572, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,178 - ERROR - Learning error in episode 572, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,178 - ERROR - Error in episode 572: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,178 - ERROR - Error in episode 573: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,182 - ERROR - Error in episode 574: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,184 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,185 - ERROR - Learning error in episode 575, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,185 - ERROR - Error in episode 575: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,185 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,185 - ERROR - Learning error in episode 576, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,191 - ERROR - Learning error in episode 576, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,193 - ERROR - Learning error in episode 576, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,193 - ERROR - Learning error in episode 576, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,193 - ERROR - Error in episode 576: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,200 - ERROR - Learning error in episode 577, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,200 - ERROR - Error in episode 577: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,202 - ERROR - Error in episode 578: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,202 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,202 - ERROR - Learning error in episode 579, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,202 - ERROR - Learning error in episode 579, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,207 - ERROR - Error in episode 579: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,208 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,209 - ERROR - Learning error in episode 580, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,211 - ERROR - Error in episode 580: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,212 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,212 - ERROR - Learning error in episode 581, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,212 - ERROR - Learning error in episode 581, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,212 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:38,217 - ERROR - Learning error in episode 581, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,217 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,220 - ERROR - Learning error in episode 581, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,220 - ERROR - Learning error in episode 581, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,220 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:38,225 - ERROR - Learning error in episode 581, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,225 - ERROR - Learning error in episode 581, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,225 - ERROR - Error in episode 581: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,225 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,231 - ERROR - Learning error in episode 582, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,234 - ERROR - Learning error in episode 582, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,234 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:38,234 - ERROR - Learning error in episode 582, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,234 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,238 - ERROR - Learning error in episode 582, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,238 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:38,240 - ERROR - Learning error in episode 582, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,243 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,244 - ERROR - Learning error in episode 582, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,244 - ERROR - Learning error in episode 582, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,249 - ERROR - Learning error in episode 582, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,250 - ERROR - Learning error in episode 582, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,251 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:38,251 - ERROR - Learning error in episode 582, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,251 - ERROR - Learning error in episode 582, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,251 - ERROR - Error in episode 582: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,257 - ERROR - Learning error in episode 583, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,259 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,261 - ERROR - Learning error in episode 583, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,262 - ERROR - Error in episode 583: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,262 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,262 - ERROR - Learning error in episode 584, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,267 - ERROR - Learning error in episode 584, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,267 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:38,268 - ERROR - Learning error in episode 584, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,268 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,268 - ERROR - Learning error in episode 584, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,268 - ERROR - Learning error in episode 584, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,276 - ERROR - Learning error in episode 584, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,276 - ERROR - Error in episode 584: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,276 - ERROR - Error in episode 585: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,276 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,276 - ERROR - Learning error in episode 586, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,276 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:38,284 - ERROR - Learning error in episode 586, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,284 - ERROR - Learning error in episode 586, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,284 - ERROR - Learning error in episode 586, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,284 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,289 - ERROR - Learning error in episode 586, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,293 - ERROR - Learning error in episode 586, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,293 - ERROR - Error in episode 586: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,294 - ERROR - Error in episode 587: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,295 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,295 - ERROR - Learning error in episode 588, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,299 - ERROR - Learning error in episode 588, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,300 - ERROR - Error in episode 588: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,300 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,300 - ERROR - Learning error in episode 589, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,300 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:38,300 - ERROR - Learning error in episode 589, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,300 - ERROR - Error in episode 589: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,309 - ERROR - Learning error in episode 590, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,309 - ERROR - Error in episode 590: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,309 - ERROR - Learning error in episode 591, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,309 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,315 - ERROR - Learning error in episode 591, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,315 - ERROR - Error in episode 591: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,317 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,319 - ERROR - Learning error in episode 592, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,319 - ERROR - Learning error in episode 592, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,319 - ERROR - Error in episode 592: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,325 - ERROR - Learning error in episode 593, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,326 - ERROR - Learning error in episode 593, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,326 - ERROR - Error in episode 593: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,326 - ERROR - Error in episode 594: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,326 - ERROR - Error in episode 595: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,326 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,332 - ERROR - Learning error in episode 596, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,334 - ERROR - Learning error in episode 596, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,335 - ERROR - Learning error in episode 596, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,335 - ERROR - Learning error in episode 596, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,341 - ERROR - Learning error in episode 596, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,343 - ERROR - Learning error in episode 596, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,344 - ERROR - Error in episode 596: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,344 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,345 - ERROR - Learning error in episode 597, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,345 - ERROR - Error in episode 597: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,350 - ERROR - Learning error in episode 598, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,350 - ERROR - Learning error in episode 598, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,350 - ERROR - Error in episode 598: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,355 - ERROR - Learning error in episode 599, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,355 - ERROR - Error in episode 599: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,357 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,361 - ERROR - Learning error in episode 600, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,361 - ERROR - Error in episode 600: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,361 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,361 - ERROR - Learning error in episode 601, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,365 - ERROR - Error in episode 601: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,365 - ERROR - Error in episode 602: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,365 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,367 - ERROR - Learning error in episode 603, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,369 - ERROR - Error in episode 603: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,371 - ERROR - Error in episode 604: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,373 - ERROR - Learning error in episode 605, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,373 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,375 - ERROR - Learning error in episode 605, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,375 - ERROR - Learning error in episode 605, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,380 - ERROR - Learning error in episode 605, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,381 - ERROR - Learning error in episode 605, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,381 - ERROR - Error in episode 605: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,384 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,384 - ERROR - Learning error in episode 606, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,387 - ERROR - Learning error in episode 606, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,390 - ERROR - Learning error in episode 606, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,392 - ERROR - Learning error in episode 606, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,394 - ERROR - Learning error in episode 606, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,394 - ERROR - Learning error in episode 606, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,398 - ERROR - Learning error in episode 606, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,398 - ERROR - Error in episode 606: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,400 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,403 - ERROR - Learning error in episode 607, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,403 - ERROR - Learning error in episode 607, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,406 - ERROR - Learning error in episode 607, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,406 - ERROR - Error in episode 607: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,409 - ERROR - Error in episode 608: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,409 - ERROR - Error in episode 609: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,409 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,409 - ERROR - Learning error in episode 610, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,409 - ERROR - Error in episode 610: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,414 - ERROR - Error in episode 611: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,417 - ERROR - Learning error in episode 612, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,418 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,418 - ERROR - Learning error in episode 612, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,418 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:38,422 - ERROR - Learning error in episode 612, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,422 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,422 - ERROR - Learning error in episode 612, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,425 - ERROR - Learning error in episode 612, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,425 - ERROR - Error in episode 612: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,429 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,430 - ERROR - Learning error in episode 613, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,430 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:38,434 - ERROR - Learning error in episode 613, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,435 - ERROR - Learning error in episode 613, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,435 - ERROR - Error in episode 613: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,435 - ERROR - Error in episode 614: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,439 - ERROR - Error in episode 615: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,439 - ERROR - Error in episode 616: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,439 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,442 - ERROR - Learning error in episode 617, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,442 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:38,443 - ERROR - Learning error in episode 617, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,447 - ERROR - Learning error in episode 617, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,447 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,448 - ERROR - Learning error in episode 617, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,450 - ERROR - Learning error in episode 617, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,450 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:38,455 - ERROR - Learning error in episode 617, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,455 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,455 - ERROR - Learning error in episode 617, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,455 - ERROR - Error in episode 617: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,459 - ERROR - Error in episode 618: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,460 - ERROR - Learning error in episode 619, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,463 - ERROR - Learning error in episode 619, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,464 - ERROR - Error in episode 619: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,464 - ERROR - Error in episode 620: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,464 - ERROR - Error in episode 621: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,464 - ERROR - Error in episode 622: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,464 - ERROR - Error in episode 623: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,467 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,467 - ERROR - Learning error in episode 624, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,471 - ERROR - Learning error in episode 624, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,471 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:38,473 - ERROR - Learning error in episode 624, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,473 - ERROR - Error in episode 624: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,475 - ERROR - Error in episode 625: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,477 - ERROR - Learning error in episode 626, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,479 - ERROR - Learning error in episode 626, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,481 - ERROR - Error in episode 626: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,481 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,481 - ERROR - Learning error in episode 627, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,484 - ERROR - Learning error in episode 627, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,486 - ERROR - Learning error in episode 627, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,486 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:38,486 - ERROR - Learning error in episode 627, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,486 - ERROR - Learning error in episode 627, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,492 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,495 - ERROR - Learning error in episode 627, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,495 - ERROR - Error in episode 627: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,495 - ERROR - Learning error in episode 628, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,495 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,495 - ERROR - Learning error in episode 628, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,500 - ERROR - Error in episode 628: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,503 - ERROR - Learning error in episode 629, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,503 - ERROR - Error in episode 629: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,503 - ERROR - Error in episode 630: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,503 - ERROR - Error in episode 631: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,503 - ERROR - Learning error in episode 632, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,508 - ERROR - Error in episode 632: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,508 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,509 - ERROR - Learning error in episode 633, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,511 - ERROR - Error in episode 633: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,511 - ERROR - Error in episode 634: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,513 - ERROR - Learning error in episode 635, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,513 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,516 - ERROR - Learning error in episode 635, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,517 - ERROR - Error in episode 635: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,517 - ERROR - Learning error in episode 636, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,521 - ERROR - Learning error in episode 636, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,521 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,521 - ERROR - Learning error in episode 636, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,521 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:38,525 - ERROR - Learning error in episode 636, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,525 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,529 - ERROR - Learning error in episode 636, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,529 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:38,529 - ERROR - Learning error in episode 636, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,532 - ERROR - Error in episode 636: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,533 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,534 - ERROR - Learning error in episode 637, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,534 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:38,534 - ERROR - Learning error in episode 637, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,534 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,538 - ERROR - Learning error in episode 637, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,538 - ERROR - Error in episode 637: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,538 - ERROR - Error in episode 638: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,544 - ERROR - Learning error in episode 639, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,544 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,545 - ERROR - Learning error in episode 639, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,547 - ERROR - Error in episode 639: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,547 - ERROR - Learning error in episode 640, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,547 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,550 - ERROR - Learning error in episode 640, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,550 - ERROR - Learning error in episode 640, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,554 - ERROR - Learning error in episode 640, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,554 - ERROR - Learning error in episode 640, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,559 - ERROR - Learning error in episode 640, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,561 - ERROR - Learning error in episode 640, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,563 - ERROR - Learning error in episode 640, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,563 - ERROR - Error in episode 640: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,563 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,567 - ERROR - Learning error in episode 641, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,567 - ERROR - Error in episode 641: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,567 - ERROR - Error in episode 642: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,571 - ERROR - Learning error in episode 643, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,571 - ERROR - Error in episode 643: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,573 - ERROR - Learning error in episode 644, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,575 - ERROR - Error in episode 644: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,575 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,575 - ERROR - Learning error in episode 645, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,579 - ERROR - Learning error in episode 645, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,579 - ERROR - Error in episode 645: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,579 - ERROR - Error in episode 646: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,579 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,584 - ERROR - Learning error in episode 647, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,584 - ERROR - Error in episode 647: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,586 - ERROR - Error in episode 648: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,586 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,588 - ERROR - Learning error in episode 649, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,588 - ERROR - Learning error in episode 649, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,591 - ERROR - Error in episode 649: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,592 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,593 - ERROR - Learning error in episode 650, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,596 - ERROR - Learning error in episode 650, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,597 - ERROR - Error in episode 650: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,597 - ERROR - Error in episode 651: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,597 - ERROR - Error in episode 652: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,597 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,601 - ERROR - Learning error in episode 653, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,601 - ERROR - Learning error in episode 653, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,604 - ERROR - Learning error in episode 653, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,604 - ERROR - Learning error in episode 653, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,609 - ERROR - Learning error in episode 653, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,610 - ERROR - Learning error in episode 653, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,612 - ERROR - Learning error in episode 653, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,612 - ERROR - Learning error in episode 653, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,612 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:38,618 - ERROR - Learning error in episode 653, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,618 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,620 - ERROR - Learning error in episode 653, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,620 - ERROR - Error in episode 653: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,622 - ERROR - Learning error in episode 654, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,625 - ERROR - Learning error in episode 654, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,625 - ERROR - Learning error in episode 654, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,625 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,629 - ERROR - Learning error in episode 654, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,629 - ERROR - Learning error in episode 654, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,634 - ERROR - Learning error in episode 654, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,634 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:38,634 - ERROR - Learning error in episode 654, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,638 - ERROR - Learning error in episode 654, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,638 - ERROR - Error in episode 654: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,638 - ERROR - Learning error in episode 655, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,642 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,644 - ERROR - Learning error in episode 655, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,645 - ERROR - Learning error in episode 655, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,645 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:38,645 - ERROR - Learning error in episode 655, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,650 - ERROR - Learning error in episode 655, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,652 - ERROR - Learning error in episode 655, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,652 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,654 - ERROR - Learning error in episode 655, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,654 - ERROR - Learning error in episode 655, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,654 - ERROR - Error in episode 655: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,660 - ERROR - Learning error in episode 656, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,662 - ERROR - Learning error in episode 656, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,663 - ERROR - Learning error in episode 656, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,663 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,667 - ERROR - Learning error in episode 656, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,667 - ERROR - Learning error in episode 656, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,670 - ERROR - Learning error in episode 656, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,670 - ERROR - Learning error in episode 656, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,670 - ERROR - Learning error in episode 656, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,670 - ERROR - Error in episode 656: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,670 - ERROR - Error in episode 657: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,679 - ERROR - Error in episode 658: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,679 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,681 - ERROR - Learning error in episode 659, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,684 - ERROR - Learning error in episode 659, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,684 - ERROR - Error in episode 659: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,700 - ERROR - Learning error in episode 660, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,701 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,705 - ERROR - Learning error in episode 660, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,709 - ERROR - Learning error in episode 660, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,711 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:38,711 - ERROR - Learning error in episode 660, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,711 - ERROR - Error in episode 660: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,720 - ERROR - Learning error in episode 661, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,720 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,720 - ERROR - Learning error in episode 661, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,726 - ERROR - Learning error in episode 661, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,726 - ERROR - Error in episode 661: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,733 - ERROR - Learning error in episode 662, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,737 - ERROR - Learning error in episode 662, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,739 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,742 - ERROR - Learning error in episode 662, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,746 - ERROR - Learning error in episode 662, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,753 - ERROR - Error in episode 662: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,757 - ERROR - Learning error in episode 663, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,763 - ERROR - Learning error in episode 663, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,765 - ERROR - Error in episode 663: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,769 - ERROR - Learning error in episode 664, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,769 - ERROR - Learning error in episode 664, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,776 - ERROR - Learning error in episode 664, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,776 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,776 - ERROR - Learning error in episode 664, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,776 - ERROR - Learning error in episode 664, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,783 - ERROR - Learning error in episode 664, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,783 - ERROR - Error in episode 664: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,785 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,787 - ERROR - Learning error in episode 665, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,787 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:38,789 - ERROR - Learning error in episode 665, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,792 - ERROR - Learning error in episode 665, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,792 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,796 - ERROR - Learning error in episode 665, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,801 - ERROR - Learning error in episode 665, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,802 - ERROR - Learning error in episode 665, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,806 - ERROR - Learning error in episode 665, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,809 - ERROR - Learning error in episode 665, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,810 - ERROR - Learning error in episode 665, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,810 - ERROR - Error in episode 665: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,813 - ERROR - Learning error in episode 666, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,813 - ERROR - Learning error in episode 666, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,818 - ERROR - Learning error in episode 666, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,818 - ERROR - Error in episode 666: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,818 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,818 - ERROR - Learning error in episode 667, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,822 - ERROR - Error in episode 667: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,822 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,824 - ERROR - Learning error in episode 668, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,827 - ERROR - Learning error in episode 668, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,827 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:38,828 - ERROR - Learning error in episode 668, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,828 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,828 - ERROR - Learning error in episode 668, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,833 - ERROR - Learning error in episode 668, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,834 - ERROR - Learning error in episode 668, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,834 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:38,834 - ERROR - Learning error in episode 668, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,834 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,841 - ERROR - Learning error in episode 668, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,841 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:38,843 - ERROR - Learning error in episode 668, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,844 - ERROR - Learning error in episode 668, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,844 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,846 - ERROR - Learning error in episode 668, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,849 - ERROR - Learning error in episode 668, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,851 - ERROR - Error in episode 668: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,851 - ERROR - Error in episode 669: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,852 - ERROR - Error in episode 670: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,852 - ERROR - Error in episode 671: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,852 - ERROR - Learning error in episode 672, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,852 - ERROR - Learning error in episode 672, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,857 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,859 - ERROR - Learning error in episode 672, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,860 - ERROR - Error in episode 672: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,860 - ERROR - Error in episode 673: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,860 - ERROR - Learning error in episode 674, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,863 - ERROR - Error in episode 674: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,864 - ERROR - Learning error in episode 675, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,867 - ERROR - Learning error in episode 675, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,868 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,868 - ERROR - Learning error in episode 675, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,871 - ERROR - Error in episode 675: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,871 - ERROR - Learning error in episode 676, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,875 - ERROR - Learning error in episode 676, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,876 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,877 - ERROR - Learning error in episode 676, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,877 - ERROR - Learning error in episode 676, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,877 - ERROR - Learning error in episode 676, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,882 - ERROR - Error in episode 676: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,883 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,885 - ERROR - Learning error in episode 677, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,885 - ERROR - Learning error in episode 677, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,885 - ERROR - Error in episode 677: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,889 - ERROR - Error in episode 678: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,891 - ERROR - Learning error in episode 679, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,891 - ERROR - Learning error in episode 679, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,891 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,893 - ERROR - Learning error in episode 679, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,896 - ERROR - Learning error in episode 679, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,896 - ERROR - Error in episode 679: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,896 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,900 - ERROR - Learning error in episode 680, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,901 - ERROR - Learning error in episode 680, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,901 - ERROR - Error in episode 680: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,903 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,903 - ERROR - Learning error in episode 681, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,907 - ERROR - Learning error in episode 681, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,908 - ERROR - Error in episode 681: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,910 - ERROR - Learning error in episode 682, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,910 - ERROR - Learning error in episode 682, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,910 - ERROR - Error in episode 682: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,914 - ERROR - Learning error in episode 683, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,915 - ERROR - Error in episode 683: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,917 - ERROR - Learning error in episode 684, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,917 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,917 - ERROR - Learning error in episode 684, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,917 - ERROR - Error in episode 684: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,921 - ERROR - Learning error in episode 685, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,921 - ERROR - Error in episode 685: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,924 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,926 - ERROR - Learning error in episode 686, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,927 - ERROR - Learning error in episode 686, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,927 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:38,927 - ERROR - Learning error in episode 686, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,927 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,933 - ERROR - Learning error in episode 686, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,934 - ERROR - Learning error in episode 686, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,936 - ERROR - Learning error in episode 686, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,936 - ERROR - Learning error in episode 686, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,936 - ERROR - Error in episode 686: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,941 - ERROR - Learning error in episode 687, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,942 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,943 - ERROR - Learning error in episode 687, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,945 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:38,945 - ERROR - Learning error in episode 687, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,945 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,949 - ERROR - Learning error in episode 687, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,949 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:38,951 - ERROR - Learning error in episode 687, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,952 - ERROR - Learning error in episode 687, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,952 - ERROR - Learning error in episode 687, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,957 - ERROR - Learning error in episode 687, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,958 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,959 - ERROR - Learning error in episode 687, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,959 - ERROR - Error in episode 687: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,961 - ERROR - Error in episode 688: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,961 - ERROR - Learning error in episode 689, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,965 - ERROR - Learning error in episode 689, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,966 - ERROR - Error in episode 689: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,966 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,969 - ERROR - Learning error in episode 690, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,969 - ERROR - Learning error in episode 690, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,972 - ERROR - Learning error in episode 690, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,973 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:38,976 - ERROR - Learning error in episode 690, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,976 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,977 - ERROR - Learning error in episode 690, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,979 - ERROR - Error in episode 690: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,979 - ERROR - Learning error in episode 691, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,983 - ERROR - Learning error in episode 691, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,984 - ERROR - Error in episode 691: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,984 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:38,985 - ERROR - Learning error in episode 692, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,985 - ERROR - Error in episode 692: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,985 - ERROR - Error in episode 693: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,990 - ERROR - Learning error in episode 694, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,990 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,993 - ERROR - Learning error in episode 694, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,993 - ERROR - Error in episode 694: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:38,993 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:38,993 - ERROR - Learning error in episode 695, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,993 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:38,998 - ERROR - Learning error in episode 695, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:38,998 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,000 - ERROR - Learning error in episode 695, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,002 - ERROR - Learning error in episode 695, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,002 - ERROR - Learning error in episode 695, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,002 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:39,006 - ERROR - Learning error in episode 695, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,006 - ERROR - Error in episode 695: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,008 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,010 - ERROR - Learning error in episode 696, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,010 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:39,010 - ERROR - Learning error in episode 696, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,013 - ERROR - Error in episode 696: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,013 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,013 - ERROR - Learning error in episode 697, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,018 - ERROR - Learning error in episode 697, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,019 - ERROR - Learning error in episode 697, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,022 - ERROR - Learning error in episode 697, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,022 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:39,022 - ERROR - Learning error in episode 697, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,025 - ERROR - Error in episode 697: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,026 - ERROR - Error in episode 698: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,027 - ERROR - Error in episode 699: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,027 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,027 - ERROR - Learning error in episode 700, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,030 - ERROR - Error in episode 700: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,032 - ERROR - Learning error in episode 701, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,032 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,034 - ERROR - Learning error in episode 701, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,035 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:39,036 - ERROR - Learning error in episode 701, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,039 - ERROR - Learning error in episode 701, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,039 - ERROR - Error in episode 701: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,041 - ERROR - Learning error in episode 702, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,041 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,043 - ERROR - Learning error in episode 702, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,043 - ERROR - Error in episode 702: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,045 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,046 - ERROR - Learning error in episode 703, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,046 - ERROR - Error in episode 703: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,050 - ERROR - Learning error in episode 704, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,050 - ERROR - Error in episode 704: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,051 - ERROR - Error in episode 705: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,052 - ERROR - Learning error in episode 706, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,052 - ERROR - Error in episode 706: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,054 - ERROR - Error in episode 707: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,055 - ERROR - Learning error in episode 708, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,058 - ERROR - Learning error in episode 708, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,059 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,059 - ERROR - Learning error in episode 708, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,059 - ERROR - Error in episode 708: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,062 - ERROR - Error in episode 709: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,062 - ERROR - Learning error in episode 710, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,066 - ERROR - Learning error in episode 710, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,068 - ERROR - Learning error in episode 710, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,068 - ERROR - Error in episode 710: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,070 - ERROR - Learning error in episode 711, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,070 - ERROR - Learning error in episode 711, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,076 - ERROR - Learning error in episode 711, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,077 - ERROR - Learning error in episode 711, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,079 - ERROR - Learning error in episode 711, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,079 - ERROR - Learning error in episode 711, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,082 - ERROR - Error in episode 711: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,083 - ERROR - Error in episode 712: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,083 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,085 - ERROR - Learning error in episode 713, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,087 - ERROR - Learning error in episode 713, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,087 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:39,089 - ERROR - Learning error in episode 713, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,092 - ERROR - Learning error in episode 713, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,093 - ERROR - Learning error in episode 713, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,096 - ERROR - Learning error in episode 713, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,096 - ERROR - Error in episode 713: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,096 - ERROR - Error in episode 714: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,100 - ERROR - Learning error in episode 715, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,101 - ERROR - Error in episode 715: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,101 - ERROR - Learning error in episode 716, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,103 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,105 - ERROR - Learning error in episode 716, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,107 - ERROR - Learning error in episode 716, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,109 - ERROR - Learning error in episode 716, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,110 - ERROR - Error in episode 716: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,111 - ERROR - Error in episode 717: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,112 - ERROR - Learning error in episode 718, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,112 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,114 - ERROR - Learning error in episode 718, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,118 - ERROR - Learning error in episode 718, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,118 - ERROR - Learning error in episode 718, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,121 - ERROR - Error in episode 718: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,121 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,121 - ERROR - Learning error in episode 719, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,125 - ERROR - Learning error in episode 719, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,126 - ERROR - Learning error in episode 719, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,126 - ERROR - Error in episode 719: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,129 - ERROR - Error in episode 720: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,129 - ERROR - Learning error in episode 721, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,135 - ERROR - Learning error in episode 721, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,136 - ERROR - Error in episode 721: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,136 - ERROR - Error in episode 722: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,137 - ERROR - Learning error in episode 723, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,139 - ERROR - Error in episode 723: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,141 - ERROR - Learning error in episode 724, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,141 - ERROR - Error in episode 724: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,143 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,145 - ERROR - Learning error in episode 725, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,146 - ERROR - Learning error in episode 725, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,146 - ERROR - Learning error in episode 725, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,151 - ERROR - Learning error in episode 725, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,151 - ERROR - Learning error in episode 725, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,154 - ERROR - Learning error in episode 725, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,154 - ERROR - Error in episode 725: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,154 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,158 - ERROR - Learning error in episode 726, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,160 - ERROR - Learning error in episode 726, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,160 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:39,162 - ERROR - Learning error in episode 726, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,162 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,162 - ERROR - Learning error in episode 726, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,166 - ERROR - Error in episode 726: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,168 - ERROR - Learning error in episode 727, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,168 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,168 - ERROR - Learning error in episode 727, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,172 - ERROR - Learning error in episode 727, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,172 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:39,176 - ERROR - Learning error in episode 727, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,177 - ERROR - Learning error in episode 727, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,177 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,180 - ERROR - Learning error in episode 727, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,180 - ERROR - Learning error in episode 727, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,185 - ERROR - Learning error in episode 727, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,186 - ERROR - Error in episode 727: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,186 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,188 - ERROR - Learning error in episode 728, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,188 - ERROR - Learning error in episode 728, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,191 - ERROR - Error in episode 728: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,192 - ERROR - Error in episode 729: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,193 - ERROR - Error in episode 730: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,194 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,194 - ERROR - Learning error in episode 731, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,196 - ERROR - Learning error in episode 731, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,200 - ERROR - Learning error in episode 731, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,201 - ERROR - Learning error in episode 731, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,201 - ERROR - Learning error in episode 731, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,205 - ERROR - Learning error in episode 731, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,207 - ERROR - Error in episode 731: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,207 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,209 - ERROR - Learning error in episode 732, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,209 - ERROR - Error in episode 732: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,210 - ERROR - Error in episode 733: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,212 - ERROR - Learning error in episode 734, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,215 - ERROR - Learning error in episode 734, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,217 - ERROR - Learning error in episode 734, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,218 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,219 - ERROR - Learning error in episode 734, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,219 - ERROR - Error in episode 734: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,223 - ERROR - Learning error in episode 735, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,225 - ERROR - Learning error in episode 735, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,225 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,226 - ERROR - Learning error in episode 735, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,228 - ERROR - Learning error in episode 735, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,228 - ERROR - Error in episode 735: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,228 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,231 - ERROR - Learning error in episode 736, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,234 - ERROR - Learning error in episode 736, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,234 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:39,236 - ERROR - Learning error in episode 736, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,236 - ERROR - Learning error in episode 736, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,239 - ERROR - Error in episode 736: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,240 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,242 - ERROR - Learning error in episode 737, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,243 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:39,245 - ERROR - Learning error in episode 737, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,245 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,246 - ERROR - Learning error in episode 737, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,248 - ERROR - Error in episode 737: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,250 - ERROR - Learning error in episode 738, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,250 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,253 - ERROR - Learning error in episode 738, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,253 - ERROR - Error in episode 738: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,254 - ERROR - Error in episode 739: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,256 - ERROR - Learning error in episode 740, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,256 - ERROR - Error in episode 740: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,258 - ERROR - Error in episode 741: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,259 - ERROR - Error in episode 742: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,260 - ERROR - Error in episode 743: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,260 - ERROR - Learning error in episode 744, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,260 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,263 - ERROR - Learning error in episode 744, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,265 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:39,266 - ERROR - Learning error in episode 744, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,268 - ERROR - Error in episode 744: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,268 - ERROR - Error in episode 745: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,268 - ERROR - Error in episode 746: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,270 - ERROR - Error in episode 747: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,270 - ERROR - Learning error in episode 748, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,273 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,275 - ERROR - Learning error in episode 748, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,275 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:39,277 - ERROR - Learning error in episode 748, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,277 - ERROR - Error in episode 748: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,277 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,281 - ERROR - Learning error in episode 749, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,281 - ERROR - Error in episode 749: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,281 - ERROR - Error in episode 750: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,283 - ERROR - Error in episode 751: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,284 - ERROR - Error in episode 752: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,285 - ERROR - Error in episode 753: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,285 - ERROR - Error in episode 754: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,285 - ERROR - Error in episode 755: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,285 - ERROR - Learning error in episode 756, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,290 - ERROR - Error in episode 756: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,290 - ERROR - Error in episode 757: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,290 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,292 - ERROR - Learning error in episode 758, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,293 - ERROR - Learning error in episode 758, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,296 - ERROR - Error in episode 758: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,296 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,298 - ERROR - Learning error in episode 759, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,298 - ERROR - Error in episode 759: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,300 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,301 - ERROR - Learning error in episode 760, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,303 - ERROR - Learning error in episode 760, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,303 - ERROR - Error in episode 760: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,306 - ERROR - Learning error in episode 761, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,306 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,309 - ERROR - Learning error in episode 761, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,309 - ERROR - Error in episode 761: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,310 - ERROR - Error in episode 762: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,310 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,314 - ERROR - Learning error in episode 763, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,316 - ERROR - Error in episode 763: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,317 - ERROR - Error in episode 764: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,318 - ERROR - Error in episode 765: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,318 - ERROR - Error in episode 766: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,319 - ERROR - Error in episode 767: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,319 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,319 - ERROR - Learning error in episode 768, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,323 - ERROR - Learning error in episode 768, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,328 - ERROR - Learning error in episode 768, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,329 - ERROR - Learning error in episode 768, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,331 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:39,333 - ERROR - Learning error in episode 768, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,334 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,335 - ERROR - Learning error in episode 768, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,338 - ERROR - Learning error in episode 768, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,341 - ERROR - Learning error in episode 768, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,342 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:39,344 - ERROR - Learning error in episode 768, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,345 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,345 - ERROR - Learning error in episode 768, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,347 - ERROR - Error in episode 768: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,350 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,351 - ERROR - Learning error in episode 769, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,353 - ERROR - Learning error in episode 769, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,353 - ERROR - Error in episode 769: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,357 - ERROR - Learning error in episode 770, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,357 - ERROR - Error in episode 770: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,360 - ERROR - Learning error in episode 771, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,360 - ERROR - Error in episode 771: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,361 - ERROR - Learning error in episode 772, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,361 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,364 - ERROR - Learning error in episode 772, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,364 - ERROR - Error in episode 772: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,368 - ERROR - Learning error in episode 773, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,369 - ERROR - Learning error in episode 773, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,369 - ERROR - Error in episode 773: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,372 - ERROR - Learning error in episode 774, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,372 - ERROR - Error in episode 774: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,375 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,376 - ERROR - Learning error in episode 775, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,377 - ERROR - Error in episode 775: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,377 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,377 - ERROR - Learning error in episode 776, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,377 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:39,381 - ERROR - Learning error in episode 776, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,381 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,385 - ERROR - Learning error in episode 776, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,385 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:39,386 - ERROR - Learning error in episode 776, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,386 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,389 - ERROR - Learning error in episode 776, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,392 - ERROR - Learning error in episode 776, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,393 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:39,393 - ERROR - Learning error in episode 776, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,393 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,397 - ERROR - Learning error in episode 776, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,397 - ERROR - Learning error in episode 776, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,402 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-6.78 +2025-03-10 10:47:39,402 - ERROR - Learning error in episode 776, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,402 - ERROR - Error in episode 776: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,405 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,406 - ERROR - Learning error in episode 777, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,409 - ERROR - Learning error in episode 777, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,410 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:39,411 - ERROR - Learning error in episode 777, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,414 - ERROR - Learning error in episode 777, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,414 - ERROR - Learning error in episode 777, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,418 - ERROR - Learning error in episode 777, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,418 - ERROR - Learning error in episode 777, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,422 - ERROR - Learning error in episode 777, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,422 - ERROR - Error in episode 777: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,424 - ERROR - Learning error in episode 778, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,424 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,426 - ERROR - Learning error in episode 778, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,428 - ERROR - Learning error in episode 778, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,430 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:39,432 - ERROR - Learning error in episode 778, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,435 - ERROR - Learning error in episode 778, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,435 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,436 - ERROR - Learning error in episode 778, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,436 - ERROR - Error in episode 778: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,439 - ERROR - Error in episode 779: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,439 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,441 - ERROR - Learning error in episode 780, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,442 - ERROR - Error in episode 780: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,443 - ERROR - Error in episode 781: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,443 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,445 - ERROR - Learning error in episode 782, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,445 - ERROR - Error in episode 782: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,447 - ERROR - Learning error in episode 783, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,447 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,451 - ERROR - Learning error in episode 783, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,452 - ERROR - Error in episode 783: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,452 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,452 - ERROR - Learning error in episode 784, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,455 - ERROR - Error in episode 784: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,455 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,458 - ERROR - Learning error in episode 785, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,460 - ERROR - Learning error in episode 785, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,461 - ERROR - Error in episode 785: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,461 - ERROR - Learning error in episode 786, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,463 - ERROR - Error in episode 786: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,463 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,466 - ERROR - Learning error in episode 787, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,468 - ERROR - Learning error in episode 787, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,468 - ERROR - Learning error in episode 787, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,471 - ERROR - Learning error in episode 787, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,471 - ERROR - Learning error in episode 787, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,476 - ERROR - Learning error in episode 787, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,476 - ERROR - Learning error in episode 787, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,476 - ERROR - Error in episode 787: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,480 - ERROR - Learning error in episode 788, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,480 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,484 - ERROR - Learning error in episode 788, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,484 - ERROR - Learning error in episode 788, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,484 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:39,488 - ERROR - Learning error in episode 788, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,488 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,488 - ERROR - Learning error in episode 788, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,491 - ERROR - Error in episode 788: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,493 - ERROR - Error in episode 789: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,494 - ERROR - Learning error in episode 790, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,494 - ERROR - Error in episode 790: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,496 - ERROR - Error in episode 791: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,496 - ERROR - Error in episode 792: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,496 - ERROR - Error in episode 793: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,499 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,501 - ERROR - Learning error in episode 794, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,502 - ERROR - Learning error in episode 794, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,505 - ERROR - Learning error in episode 794, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,505 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:39,506 - ERROR - Learning error in episode 794, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,506 - ERROR - Error in episode 794: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,508 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,510 - ERROR - Learning error in episode 795, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,512 - ERROR - Learning error in episode 795, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,513 - ERROR - Error in episode 795: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,513 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,513 - ERROR - Learning error in episode 796, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,518 - ERROR - Learning error in episode 796, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,518 - ERROR - Error in episode 796: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,519 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,519 - ERROR - Learning error in episode 797, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,521 - ERROR - Error in episode 797: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,521 - ERROR - Error in episode 798: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,521 - ERROR - Learning error in episode 799, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,527 - ERROR - Learning error in episode 799, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,527 - ERROR - Learning error in episode 799, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,530 - ERROR - Learning error in episode 799, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,530 - ERROR - Error in episode 799: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,532 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,534 - ERROR - Learning error in episode 800, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,535 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:39,535 - ERROR - Learning error in episode 800, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,535 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,538 - ERROR - Learning error in episode 800, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,538 - ERROR - Error in episode 800: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,538 - ERROR - Error in episode 801: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,541 - ERROR - Error in episode 802: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,543 - ERROR - Error in episode 803: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,545 - ERROR - Learning error in episode 804, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,546 - ERROR - Learning error in episode 804, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,546 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,550 - ERROR - Learning error in episode 804, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,550 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:39,552 - ERROR - Learning error in episode 804, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,552 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,555 - ERROR - Learning error in episode 804, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,555 - ERROR - Learning error in episode 804, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,555 - ERROR - Error in episode 804: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,555 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,559 - ERROR - Learning error in episode 805, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,559 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:39,559 - ERROR - Learning error in episode 805, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,564 - ERROR - Learning error in episode 805, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,564 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,567 - ERROR - Learning error in episode 805, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,568 - ERROR - Learning error in episode 805, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,571 - ERROR - Learning error in episode 805, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,572 - ERROR - Learning error in episode 805, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,576 - ERROR - Learning error in episode 805, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,576 - ERROR - Learning error in episode 805, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,576 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:39,581 - ERROR - Learning error in episode 805, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,581 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,581 - ERROR - Learning error in episode 805, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,584 - ERROR - Learning error in episode 805, step 11: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,586 - ERROR - Learning error in episode 805, step 12: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,589 - ERROR - Learning error in episode 805, step 13: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,589 - ERROR - Learning error in episode 805, step 14: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,593 - ERROR - Learning error in episode 805, step 15: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,594 - ERROR - Learning error in episode 805, step 16: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,594 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-7.45 +2025-03-10 10:47:39,597 - ERROR - Learning error in episode 805, step 17: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,597 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,600 - ERROR - Learning error in episode 805, step 18: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,602 - ERROR - Learning error in episode 805, step 19: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,602 - ERROR - Error in episode 805: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,602 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,605 - ERROR - Learning error in episode 806, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,606 - ERROR - Learning error in episode 806, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,608 - ERROR - Error in episode 806: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,609 - ERROR - Error in episode 807: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,609 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,609 - ERROR - Learning error in episode 808, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,609 - ERROR - Error in episode 808: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,613 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,613 - ERROR - Learning error in episode 809, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,613 - ERROR - Error in episode 809: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,619 - ERROR - Learning error in episode 810, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,619 - ERROR - Error in episode 810: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,621 - ERROR - Learning error in episode 811, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,621 - ERROR - Error in episode 811: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,621 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,621 - ERROR - Learning error in episode 812, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,627 - ERROR - Learning error in episode 812, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,627 - ERROR - Error in episode 812: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,627 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,629 - ERROR - Learning error in episode 813, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,629 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:39,631 - ERROR - Learning error in episode 813, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,634 - ERROR - Learning error in episode 813, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,634 - ERROR - Learning error in episode 813, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,634 - ERROR - Error in episode 813: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,638 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,638 - ERROR - Learning error in episode 814, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,641 - ERROR - Learning error in episode 814, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,643 - ERROR - Learning error in episode 814, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,643 - ERROR - Error in episode 814: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,645 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,645 - ERROR - Learning error in episode 815, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,645 - ERROR - Error in episode 815: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,645 - ERROR - Error in episode 816: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,650 - ERROR - Learning error in episode 817, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,652 - ERROR - Learning error in episode 817, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,653 - ERROR - Error in episode 817: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,653 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,656 - ERROR - Learning error in episode 818, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,659 - ERROR - Learning error in episode 818, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,660 - ERROR - Error in episode 818: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,660 - ERROR - Error in episode 819: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,660 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,662 - ERROR - Learning error in episode 820, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,662 - ERROR - Learning error in episode 820, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,667 - ERROR - Learning error in episode 820, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,668 - ERROR - Error in episode 820: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,668 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,670 - ERROR - Learning error in episode 821, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,670 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:39,672 - ERROR - Learning error in episode 821, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,672 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,676 - ERROR - Learning error in episode 821, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,677 - ERROR - Error in episode 821: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,678 - ERROR - Learning error in episode 822, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,678 - ERROR - Error in episode 822: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,678 - ERROR - Learning error in episode 823, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,678 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,682 - ERROR - Learning error in episode 823, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,682 - ERROR - Error in episode 823: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,687 - ERROR - Learning error in episode 824, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,687 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,688 - ERROR - Learning error in episode 824, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,691 - ERROR - Learning error in episode 824, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,693 - ERROR - Learning error in episode 824, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,695 - ERROR - Learning error in episode 824, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,695 - ERROR - Learning error in episode 824, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,700 - ERROR - Learning error in episode 824, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,702 - ERROR - Learning error in episode 824, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,703 - ERROR - Learning error in episode 824, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,703 - ERROR - Learning error in episode 824, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,708 - ERROR - Learning error in episode 824, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,709 - ERROR - Error in episode 824: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,710 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,711 - ERROR - Learning error in episode 825, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,711 - ERROR - Learning error in episode 825, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,715 - ERROR - Error in episode 825: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,715 - ERROR - Error in episode 826: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,715 - ERROR - Error in episode 827: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,716 - ERROR - Error in episode 828: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,718 - ERROR - Error in episode 829: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,719 - ERROR - Error in episode 830: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,719 - ERROR - Error in episode 831: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,721 - ERROR - Learning error in episode 832, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,721 - ERROR - Error in episode 832: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,721 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,726 - ERROR - Learning error in episode 833, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,726 - ERROR - Error in episode 833: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,728 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,728 - ERROR - Learning error in episode 834, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,728 - ERROR - Error in episode 834: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,728 - ERROR - Error in episode 835: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,728 - ERROR - Error in episode 836: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,735 - ERROR - Learning error in episode 837, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,736 - ERROR - Learning error in episode 837, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,738 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,738 - ERROR - Learning error in episode 837, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,738 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:39,744 - ERROR - Learning error in episode 837, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,744 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,745 - ERROR - Learning error in episode 837, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,748 - ERROR - Learning error in episode 837, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,750 - ERROR - Error in episode 837: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,752 - ERROR - Learning error in episode 838, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,752 - ERROR - Learning error in episode 838, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,752 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,756 - ERROR - Learning error in episode 838, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,756 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:39,760 - ERROR - Learning error in episode 838, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,760 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,762 - ERROR - Learning error in episode 838, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,762 - ERROR - Learning error in episode 838, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,766 - ERROR - Learning error in episode 838, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,768 - ERROR - Error in episode 838: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,769 - ERROR - Learning error in episode 839, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,769 - ERROR - Learning error in episode 839, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,769 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,775 - ERROR - Learning error in episode 839, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,776 - ERROR - Error in episode 839: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,776 - ERROR - Error in episode 840: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,776 - ERROR - Learning error in episode 841, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,781 - ERROR - Learning error in episode 841, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,781 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,785 - ERROR - Learning error in episode 841, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,785 - ERROR - Error in episode 841: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,785 - ERROR - Error in episode 842: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,785 - ERROR - Error in episode 843: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,788 - ERROR - Error in episode 844: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,788 - ERROR - Learning error in episode 845, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,788 - ERROR - Error in episode 845: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,794 - ERROR - Learning error in episode 846, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,795 - ERROR - Learning error in episode 846, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,795 - ERROR - Learning error in episode 846, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,801 - ERROR - Learning error in episode 846, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,802 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,802 - ERROR - Learning error in episode 846, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,802 - ERROR - Error in episode 846: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,802 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,802 - ERROR - Learning error in episode 847, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,802 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:39,810 - ERROR - Learning error in episode 847, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,810 - ERROR - Learning error in episode 847, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,810 - ERROR - Learning error in episode 847, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,815 - ERROR - Error in episode 847: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,815 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,818 - ERROR - Learning error in episode 848, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,819 - ERROR - Learning error in episode 848, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,821 - ERROR - Learning error in episode 848, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,821 - ERROR - Error in episode 848: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,821 - ERROR - Error in episode 849: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,821 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,826 - ERROR - Learning error in episode 850, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,826 - ERROR - Error in episode 850: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,828 - ERROR - Error in episode 851: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,828 - ERROR - Learning error in episode 852, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,828 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,828 - ERROR - Learning error in episode 852, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,828 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:39,834 - ERROR - Learning error in episode 852, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,835 - ERROR - Learning error in episode 852, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,835 - ERROR - Error in episode 852: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,835 - ERROR - Learning error in episode 853, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,842 - ERROR - Error in episode 853: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,844 - ERROR - Learning error in episode 854, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,845 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,845 - ERROR - Learning error in episode 854, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,850 - ERROR - Learning error in episode 854, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,850 - ERROR - Error in episode 854: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,851 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,852 - ERROR - Learning error in episode 855, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,854 - ERROR - Error in episode 855: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,855 - ERROR - Error in episode 856: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,857 - ERROR - Learning error in episode 857, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,858 - ERROR - Error in episode 857: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,859 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,861 - ERROR - Learning error in episode 858, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,861 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:39,861 - ERROR - Learning error in episode 858, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,861 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,865 - ERROR - Learning error in episode 858, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,868 - ERROR - Learning error in episode 858, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,870 - ERROR - Learning error in episode 858, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,870 - ERROR - Error in episode 858: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,870 - ERROR - Error in episode 859: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,873 - ERROR - Learning error in episode 860, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,876 - ERROR - Learning error in episode 860, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,876 - ERROR - Error in episode 860: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,878 - ERROR - Learning error in episode 861, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,878 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,882 - ERROR - Learning error in episode 861, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,882 - ERROR - Error in episode 861: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,886 - ERROR - Learning error in episode 862, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,886 - ERROR - Error in episode 862: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,886 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,886 - ERROR - Learning error in episode 863, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,890 - ERROR - Error in episode 863: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,890 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,892 - ERROR - Learning error in episode 864, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,893 - ERROR - Learning error in episode 864, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,893 - ERROR - Error in episode 864: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,896 - ERROR - Error in episode 865: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,896 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,896 - ERROR - Learning error in episode 866, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,896 - ERROR - Error in episode 866: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,900 - ERROR - Error in episode 867: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,902 - ERROR - Learning error in episode 868, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,902 - ERROR - Learning error in episode 868, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,905 - ERROR - Error in episode 868: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,905 - ERROR - Error in episode 869: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,905 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,910 - ERROR - Learning error in episode 870, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,910 - ERROR - Learning error in episode 870, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,910 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:39,913 - ERROR - Learning error in episode 870, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,918 - ERROR - Learning error in episode 870, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,919 - ERROR - Error in episode 870: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,919 - ERROR - Learning error in episode 871, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,919 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,919 - ERROR - Learning error in episode 871, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,926 - ERROR - Learning error in episode 871, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,926 - ERROR - Error in episode 871: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,927 - ERROR - Learning error in episode 872, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,927 - ERROR - Error in episode 872: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,927 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,927 - ERROR - Learning error in episode 873, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,934 - ERROR - Learning error in episode 873, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,935 - ERROR - Learning error in episode 873, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,935 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:39,938 - ERROR - Learning error in episode 873, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,938 - ERROR - Error in episode 873: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,938 - ERROR - Error in episode 874: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,941 - ERROR - Error in episode 875: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,943 - ERROR - Error in episode 876: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,943 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,945 - ERROR - Learning error in episode 877, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,945 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:39,945 - ERROR - Learning error in episode 877, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,949 - ERROR - Learning error in episode 877, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,953 - ERROR - Learning error in episode 877, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,953 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,955 - ERROR - Learning error in episode 877, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,957 - ERROR - Error in episode 877: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,958 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:39,960 - ERROR - Learning error in episode 878, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,961 - ERROR - Learning error in episode 878, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,961 - ERROR - Error in episode 878: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,965 - ERROR - Learning error in episode 879, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,966 - ERROR - Error in episode 879: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,968 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,969 - ERROR - Learning error in episode 880, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,969 - ERROR - Learning error in episode 880, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,974 - ERROR - Learning error in episode 880, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,976 - ERROR - Learning error in episode 880, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,978 - ERROR - Learning error in episode 880, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,982 - ERROR - Learning error in episode 880, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,983 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:39,985 - ERROR - Learning error in episode 880, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,985 - ERROR - Error in episode 880: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,988 - ERROR - Error in episode 881: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,988 - ERROR - Error in episode 882: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:39,992 - ERROR - Learning error in episode 883, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,993 - ERROR - Learning error in episode 883, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,993 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:39,998 - ERROR - Learning error in episode 883, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:39,998 - ERROR - Error in episode 883: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,001 - ERROR - Error in episode 884: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,005 - ERROR - Learning error in episode 885, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,005 - ERROR - Learning error in episode 885, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,008 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,011 - ERROR - Learning error in episode 885, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,011 - ERROR - Learning error in episode 885, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,013 - ERROR - Error in episode 885: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,014 - ERROR - Error in episode 886: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,014 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,016 - ERROR - Learning error in episode 887, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,018 - ERROR - Error in episode 887: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,018 - ERROR - Learning error in episode 888, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,021 - ERROR - Learning error in episode 888, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,021 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:40,021 - ERROR - Learning error in episode 888, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,025 - ERROR - Error in episode 888: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,026 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,027 - ERROR - Learning error in episode 889, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,027 - ERROR - Error in episode 889: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,029 - ERROR - Error in episode 890: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,029 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:40,029 - ERROR - Learning error in episode 891, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,034 - ERROR - Learning error in episode 891, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,034 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:40,035 - ERROR - Learning error in episode 891, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,035 - ERROR - Error in episode 891: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,037 - ERROR - Learning error in episode 892, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,040 - ERROR - Learning error in episode 892, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,041 - ERROR - Error in episode 892: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,042 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,043 - ERROR - Learning error in episode 893, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,043 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:40,046 - ERROR - Learning error in episode 893, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,046 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:40,048 - ERROR - Learning error in episode 893, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,050 - ERROR - Error in episode 893: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,051 - ERROR - Error in episode 894: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,051 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:40,052 - ERROR - Learning error in episode 895, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,054 - ERROR - Learning error in episode 895, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,056 - ERROR - Learning error in episode 895, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,060 - ERROR - Learning error in episode 895, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,060 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:40,062 - ERROR - Learning error in episode 895, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,062 - ERROR - Error in episode 895: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,062 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,062 - ERROR - Learning error in episode 896, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,067 - ERROR - Learning error in episode 896, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,068 - ERROR - Error in episode 896: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,068 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:40,070 - ERROR - Learning error in episode 897, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,071 - ERROR - Error in episode 897: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,071 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:40,071 - ERROR - Learning error in episode 898, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,076 - ERROR - Learning error in episode 898, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,076 - ERROR - Error in episode 898: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,077 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:40,079 - ERROR - Learning error in episode 899, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,079 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:40,079 - ERROR - Learning error in episode 899, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,079 - ERROR - Error in episode 899: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,083 - ERROR - Error in episode 900: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,083 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,085 - ERROR - Learning error in episode 901, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,087 - ERROR - Learning error in episode 901, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,089 - ERROR - Learning error in episode 901, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,091 - ERROR - Learning error in episode 901, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,091 - ERROR - Error in episode 901: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,093 - ERROR - Learning error in episode 902, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,093 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,095 - ERROR - Learning error in episode 902, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,095 - ERROR - Learning error in episode 902, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,095 - ERROR - Error in episode 902: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,100 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,101 - ERROR - Learning error in episode 903, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,101 - ERROR - Error in episode 903: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,103 - ERROR - Error in episode 904: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,103 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:40,103 - ERROR - Learning error in episode 905, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,103 - ERROR - Learning error in episode 905, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,110 - ERROR - Learning error in episode 905, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,110 - ERROR - Error in episode 905: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,110 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,112 - ERROR - Learning error in episode 906, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,112 - ERROR - Learning error in episode 906, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,118 - ERROR - Learning error in episode 906, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,118 - ERROR - Learning error in episode 906, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,120 - ERROR - Learning error in episode 906, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,120 - ERROR - Learning error in episode 906, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,125 - ERROR - Learning error in episode 906, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,127 - ERROR - Learning error in episode 906, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,128 - ERROR - Error in episode 906: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,128 - ERROR - Learning error in episode 907, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,128 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:40,133 - ERROR - Learning error in episode 907, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,134 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:40,136 - ERROR - Learning error in episode 907, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,137 - ERROR - Error in episode 907: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,137 - ERROR - Error in episode 908: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,137 - ERROR - Learning error in episode 909, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,137 - ERROR - Error in episode 909: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,142 - ERROR - Learning error in episode 910, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,142 - ERROR - Error in episode 910: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,144 - ERROR - Error in episode 911: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,146 - ERROR - Learning error in episode 912, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,146 - ERROR - Error in episode 912: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,146 - ERROR - Error in episode 913: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,146 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,150 - ERROR - Learning error in episode 914, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,151 - ERROR - Learning error in episode 914, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,153 - ERROR - Learning error in episode 914, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,155 - ERROR - Learning error in episode 914, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,158 - ERROR - Learning error in episode 914, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,159 - ERROR - Error in episode 914: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,159 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,161 - ERROR - Learning error in episode 915, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,163 - ERROR - Learning error in episode 915, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,163 - ERROR - Error in episode 915: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,167 - ERROR - Learning error in episode 916, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,167 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,168 - ERROR - Learning error in episode 916, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,170 - ERROR - Error in episode 916: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,170 - ERROR - Error in episode 917: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,170 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,170 - ERROR - Learning error in episode 918, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,170 - ERROR - Error in episode 918: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,175 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:40,176 - ERROR - Learning error in episode 919, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,176 - ERROR - Error in episode 919: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,178 - ERROR - Learning error in episode 920, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,178 - ERROR - Error in episode 920: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,178 - ERROR - Learning error in episode 921, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,178 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,185 - ERROR - Learning error in episode 921, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,185 - ERROR - Error in episode 921: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,187 - ERROR - Learning error in episode 922, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,188 - ERROR - Error in episode 922: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,189 - ERROR - Learning error in episode 923, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,189 - ERROR - Error in episode 923: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,193 - ERROR - Learning error in episode 924, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,194 - ERROR - Error in episode 924: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,194 - ERROR - Learning error in episode 925, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,194 - ERROR - Learning error in episode 925, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,200 - ERROR - Learning error in episode 925, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,201 - ERROR - Error in episode 925: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,201 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:40,203 - ERROR - Learning error in episode 926, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,203 - ERROR - Learning error in episode 926, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,206 - ERROR - Error in episode 926: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,208 - ERROR - Learning error in episode 927, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,209 - ERROR - Learning error in episode 927, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,209 - ERROR - Learning error in episode 927, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,213 - ERROR - Learning error in episode 927, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,213 - ERROR - Error in episode 927: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,217 - ERROR - Learning error in episode 928, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,218 - ERROR - Learning error in episode 928, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,218 - ERROR - Error in episode 928: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,220 - ERROR - Error in episode 929: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,221 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:40,221 - ERROR - Learning error in episode 930, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,221 - ERROR - Error in episode 930: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,221 - ERROR - Error in episode 931: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,226 - ERROR - Learning error in episode 932, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,226 - ERROR - Error in episode 932: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,226 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:40,229 - ERROR - Learning error in episode 933, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,229 - ERROR - Error in episode 933: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,229 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:40,229 - ERROR - Learning error in episode 934, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,233 - ERROR - Error in episode 934: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,233 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,235 - ERROR - Learning error in episode 935, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,237 - ERROR - Learning error in episode 935, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,239 - ERROR - Error in episode 935: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,239 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,241 - ERROR - Learning error in episode 936, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,242 - ERROR - Error in episode 936: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,243 - ERROR - Learning error in episode 937, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,243 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,246 - ERROR - Learning error in episode 937, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,246 - ERROR - Learning error in episode 937, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,251 - ERROR - Learning error in episode 937, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,252 - ERROR - Learning error in episode 937, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,254 - ERROR - Learning error in episode 937, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,254 - ERROR - Learning error in episode 937, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,259 - ERROR - Learning error in episode 937, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,260 - ERROR - Learning error in episode 937, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,260 - ERROR - Error in episode 937: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,262 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:40,264 - ERROR - Learning error in episode 938, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,264 - ERROR - Error in episode 938: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,267 - ERROR - Learning error in episode 939, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,267 - ERROR - Error in episode 939: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,271 - ERROR - Learning error in episode 940, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,271 - ERROR - Error in episode 940: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,272 - ERROR - Learning error in episode 941, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,275 - ERROR - Error in episode 941: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,275 - ERROR - Error in episode 942: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,276 - ERROR - Learning error in episode 943, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,276 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,280 - ERROR - Learning error in episode 943, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,281 - ERROR - Learning error in episode 943, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,281 - ERROR - Error in episode 943: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,283 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:40,285 - ERROR - Learning error in episode 944, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,287 - ERROR - Learning error in episode 944, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,287 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:40,289 - ERROR - Learning error in episode 944, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,289 - ERROR - Error in episode 944: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,289 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:40,293 - ERROR - Learning error in episode 945, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,294 - ERROR - Learning error in episode 945, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,294 - ERROR - Error in episode 945: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,297 - ERROR - Learning error in episode 946, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,297 - ERROR - Error in episode 946: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,297 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,301 - ERROR - Learning error in episode 947, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,301 - ERROR - Error in episode 947: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,302 - ERROR - Error in episode 948: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,302 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,302 - ERROR - Learning error in episode 949, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,305 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:40,305 - ERROR - Learning error in episode 949, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,305 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:40,310 - ERROR - Learning error in episode 949, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,313 - ERROR - Learning error in episode 949, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,314 - ERROR - Learning error in episode 949, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,318 - ERROR - Learning error in episode 949, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,319 - ERROR - Learning error in episode 949, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,322 - ERROR - Learning error in episode 949, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,325 - ERROR - Learning error in episode 949, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,326 - ERROR - Error in episode 949: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,326 - ERROR - Error in episode 950: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,326 - ERROR - Learning error in episode 951, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,326 - ERROR - Error in episode 951: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,326 - ERROR - Error in episode 952: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,326 - ERROR - Error in episode 953: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,326 - ERROR - Error in episode 954: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,332 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:40,334 - ERROR - Learning error in episode 955, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,335 - ERROR - Learning error in episode 955, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,335 - ERROR - Error in episode 955: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,337 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,338 - ERROR - Learning error in episode 956, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,341 - ERROR - Learning error in episode 956, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,342 - ERROR - Error in episode 956: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,343 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:40,343 - ERROR - Learning error in episode 957, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,343 - ERROR - Error in episode 957: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,346 - ERROR - Learning error in episode 958, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,346 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:40,350 - ERROR - Learning error in episode 958, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,352 - ERROR - Learning error in episode 958, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,353 - ERROR - Error in episode 958: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,353 - ERROR - Error in episode 959: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,353 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,353 - ERROR - Learning error in episode 960, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,357 - ERROR - Error in episode 960: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,357 - ERROR - Error in episode 961: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,359 - ERROR - Error in episode 962: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,360 - ERROR - Learning error in episode 963, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,360 - ERROR - Error in episode 963: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,360 - ERROR - Error in episode 964: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,360 - ERROR - Error in episode 965: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,365 - ERROR - Learning error in episode 966, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,365 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,367 - ERROR - Learning error in episode 966, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,367 - ERROR - Error in episode 966: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,369 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,371 - ERROR - Learning error in episode 967, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,372 - ERROR - Learning error in episode 967, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,376 - ERROR - Learning error in episode 967, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,377 - ERROR - Learning error in episode 967, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,377 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:40,379 - ERROR - Learning error in episode 967, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,379 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:40,382 - ERROR - Learning error in episode 967, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,385 - ERROR - Learning error in episode 967, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,385 - ERROR - Learning error in episode 967, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,385 - ERROR - Learning error in episode 967, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,385 - ERROR - Error in episode 967: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,390 - ERROR - Error in episode 968: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,393 - ERROR - Learning error in episode 969, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,394 - ERROR - Error in episode 969: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,394 - ERROR - Error in episode 970: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,394 - ERROR - Learning error in episode 971, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,394 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:40,400 - ERROR - Learning error in episode 971, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,402 - ERROR - Learning error in episode 971, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,402 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:40,403 - ERROR - Learning error in episode 971, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,403 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:40,406 - ERROR - Learning error in episode 971, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,408 - ERROR - Error in episode 971: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,409 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:40,410 - ERROR - Learning error in episode 972, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,410 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:40,410 - ERROR - Learning error in episode 972, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,415 - ERROR - Learning error in episode 972, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,417 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,419 - ERROR - Learning error in episode 972, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,421 - ERROR - Learning error in episode 972, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,421 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:40,422 - ERROR - Learning error in episode 972, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,422 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,426 - ERROR - Learning error in episode 972, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,426 - ERROR - Error in episode 972: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,428 - ERROR - Learning error in episode 973, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,431 - ERROR - Learning error in episode 973, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,431 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,433 - ERROR - Learning error in episode 973, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,435 - ERROR - Learning error in episode 973, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,435 - ERROR - Learning error in episode 973, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,439 - ERROR - Learning error in episode 973, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,441 - ERROR - Learning error in episode 973, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,442 - ERROR - Error in episode 973: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,443 - ERROR - Learning error in episode 974, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,443 - ERROR - Error in episode 974: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,447 - ERROR - Learning error in episode 975, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,450 - ERROR - Learning error in episode 975, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,450 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,452 - ERROR - Learning error in episode 975, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,453 - ERROR - Error in episode 975: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,453 - ERROR - Error in episode 976: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,453 - ERROR - Error in episode 977: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,456 - ERROR - Learning error in episode 978, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,458 - ERROR - Learning error in episode 978, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,460 - ERROR - Learning error in episode 978, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,460 - ERROR - Error in episode 978: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,464 - ERROR - Learning error in episode 979, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,464 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:40,464 - ERROR - Learning error in episode 979, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,466 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:40,468 - ERROR - Learning error in episode 979, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,468 - ERROR - Learning error in episode 979, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,468 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:40,472 - ERROR - Learning error in episode 979, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,475 - ERROR - Learning error in episode 979, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,477 - ERROR - Learning error in episode 979, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,477 - ERROR - Learning error in episode 979, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,477 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:40,480 - ERROR - Learning error in episode 979, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,484 - ERROR - Learning error in episode 979, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,485 - ERROR - Error in episode 979: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,485 - ERROR - Error in episode 980: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,485 - ERROR - Error in episode 981: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,485 - ERROR - Error in episode 982: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,489 - ERROR - Learning error in episode 983, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,489 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,491 - ERROR - Learning error in episode 983, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,492 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:40,493 - ERROR - Learning error in episode 983, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,495 - ERROR - Learning error in episode 983, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,495 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:40,495 - ERROR - Learning error in episode 983, step 4: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,501 - ERROR - Learning error in episode 983, step 5: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,503 - ERROR - Learning error in episode 983, step 6: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,503 - ERROR - Learning error in episode 983, step 7: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,508 - ERROR - Learning error in episode 983, step 8: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,508 - INFO - CLOSED short at 2065.16 | PnL: 0.00% | $-8.19 +2025-03-10 10:47:40,511 - ERROR - Learning error in episode 983, step 9: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,511 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,511 - ERROR - Learning error in episode 983, step 10: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,511 - ERROR - Error in episode 983: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,511 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:40,516 - ERROR - Learning error in episode 984, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,518 - ERROR - Learning error in episode 984, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,518 - ERROR - Error in episode 984: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,518 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,518 - ERROR - Learning error in episode 985, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,518 - ERROR - Error in episode 985: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,518 - ERROR - Error in episode 986: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,525 - ERROR - Learning error in episode 987, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,526 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,527 - ERROR - Learning error in episode 987, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,529 - ERROR - Error in episode 987: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,529 - ERROR - Error in episode 988: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,529 - ERROR - Error in episode 989: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,532 - ERROR - Learning error in episode 990, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,533 - ERROR - Error in episode 990: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,534 - ERROR - Error in episode 991: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,535 - ERROR - Learning error in episode 992, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,535 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,535 - ERROR - Learning error in episode 992, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,541 - ERROR - Learning error in episode 992, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,542 - ERROR - Error in episode 992: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,542 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:40,543 - ERROR - Learning error in episode 993, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,547 - ERROR - Learning error in episode 993, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,547 - ERROR - Error in episode 993: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,547 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,550 - ERROR - Learning error in episode 994, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,550 - INFO - CLOSED long at 2065.16 | PnL: 0.00% | $-9.00 +2025-03-10 10:47:40,551 - ERROR - Learning error in episode 994, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,551 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,553 - ERROR - Learning error in episode 994, step 2: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,557 - ERROR - Learning error in episode 994, step 3: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,557 - ERROR - Error in episode 994: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,558 - ERROR - Error in episode 995: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,559 - INFO - OPENED SHORT at 2065.16 | Stop loss: 2075.4857999999995 | Take profit: 2034.1825999999999 +2025-03-10 10:47:40,560 - ERROR - Learning error in episode 996, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,560 - ERROR - Error in episode 996: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,560 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,560 - ERROR - Learning error in episode 997, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,565 - ERROR - Error in episode 997: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,565 - INFO - OPENED LONG at 2065.16 | Stop loss: 2054.8342 | Take profit: 2096.1373999999996 +2025-03-10 10:47:40,567 - ERROR - Learning error in episode 998, step 0: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,568 - ERROR - Learning error in episode 998, step 1: mat1 and mat2 shapes cannot be multiplied (64x41 and 40x256) +2025-03-10 10:47:40,570 - ERROR - Error in episode 998: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,571 - ERROR - Error in episode 999: mat1 and mat2 shapes cannot be multiplied (1x41 and 40x256) +2025-03-10 10:47:40,601 - INFO - Model saved to models/trading_agent_final.pt +2025-03-10 10:53:09,708 - INFO - Fetching initial 60 candles for ETH/USDT... +2025-03-10 10:53:15,218 - INFO - Successfully fetched 60 initial candles +2025-03-10 10:53:15,365 - INFO - Model size: 4,056,837 parameters +2025-03-10 10:53:19,604 - WARNING - No model found at models/trading_agent.pt +2025-03-10 10:53:19,614 - INFO - Starting training mode +2025-03-10 10:53:19,614 - INFO - Starting training... +2025-03-10 10:53:19,614 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:19,614 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:19,614 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:19,620 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-8.19 +2025-03-10 10:53:19,622 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:19,623 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-7.45 +2025-03-10 10:53:19,623 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:19,623 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-6.78 +2025-03-10 10:53:19,623 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:19,627 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-6.17 +2025-03-10 10:53:19,627 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:19,627 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-5.62 +2025-03-10 10:53:19,630 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:19,631 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-5.11 +2025-03-10 10:53:19,639 - ERROR - Error in episode 0: running_mean should contain 1 elements not 256 +2025-03-10 10:53:19,647 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:19,647 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:19,647 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:19,650 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-8.19 +2025-03-10 10:53:19,650 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:19,653 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-7.45 +2025-03-10 10:53:19,653 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:19,653 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-6.78 +2025-03-10 10:53:20,000 - ERROR - Learning error in episode 1, step 14: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:20,041 - ERROR - Learning error in episode 1, step 15: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:20,044 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:20,085 - ERROR - Learning error in episode 1, step 16: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:20,129 - ERROR - Learning error in episode 1, step 17: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:20,173 - ERROR - Learning error in episode 1, step 18: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:20,215 - ERROR - Learning error in episode 1, step 19: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:20,217 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-6.17 +2025-03-10 10:53:20,254 - ERROR - Learning error in episode 1, step 20: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:20,254 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:20,297 - ERROR - Learning error in episode 1, step 21: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:20,345 - ERROR - Learning error in episode 1, step 22: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:20,347 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-5.62 +2025-03-10 10:53:20,388 - ERROR - Learning error in episode 1, step 23: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:20,427 - ERROR - Learning error in episode 1, step 24: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:20,460 - ERROR - Learning error in episode 1, step 25: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:20,460 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:20,502 - ERROR - Learning error in episode 1, step 26: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:20,544 - ERROR - Learning error in episode 1, step 27: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:20,578 - ERROR - Learning error in episode 1, step 28: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:20,621 - ERROR - Learning error in episode 1, step 29: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:20,665 - ERROR - Learning error in episode 1, step 30: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:20,704 - ERROR - Learning error in episode 1, step 31: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:20,746 - ERROR - Learning error in episode 1, step 32: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:20,789 - ERROR - Learning error in episode 1, step 33: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:20,832 - ERROR - Learning error in episode 1, step 34: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:20,869 - ERROR - Learning error in episode 1, step 35: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:20,910 - ERROR - Learning error in episode 1, step 36: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:20,950 - ERROR - Learning error in episode 1, step 37: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:20,989 - ERROR - Learning error in episode 1, step 38: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:21,023 - ERROR - Learning error in episode 1, step 39: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:21,067 - ERROR - Learning error in episode 1, step 40: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:21,111 - ERROR - Learning error in episode 1, step 41: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:21,151 - ERROR - Learning error in episode 1, step 42: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:21,152 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-5.11 +2025-03-10 10:53:21,191 - ERROR - Learning error in episode 1, step 43: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:21,193 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:21,233 - ERROR - Learning error in episode 1, step 44: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:21,271 - ERROR - Learning error in episode 1, step 45: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:21,271 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-4.65 +2025-03-10 10:53:21,310 - ERROR - Learning error in episode 1, step 46: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:21,311 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:21,353 - ERROR - Learning error in episode 1, step 47: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:21,386 - ERROR - Learning error in episode 1, step 48: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:21,430 - ERROR - Learning error in episode 1, step 49: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:21,469 - ERROR - Learning error in episode 1, step 50: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:21,469 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-4.23 +2025-03-10 10:53:21,503 - ERROR - Learning error in episode 1, step 51: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:21,544 - ERROR - Learning error in episode 1, step 52: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:21,584 - ERROR - Learning error in episode 1, step 53: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:21,623 - ERROR - Learning error in episode 1, step 54: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:21,661 - ERROR - Learning error in episode 1, step 55: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:21,663 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:21,703 - ERROR - Learning error in episode 1, step 56: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:21,736 - ERROR - Learning error in episode 1, step 57: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:21,780 - ERROR - Learning error in episode 1, step 58: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:21,820 - ERROR - Learning error in episode 1, step 59: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:21,822 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-3.85 +2025-03-10 10:53:21,865 - ERROR - Learning error in episode 1, step 60: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:21,904 - ERROR - Learning error in episode 1, step 61: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:21,908 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:21,949 - ERROR - Learning error in episode 1, step 62: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:21,990 - ERROR - Learning error in episode 1, step 63: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:21,992 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-3.50 +2025-03-10 10:53:22,029 - ERROR - Learning error in episode 1, step 64: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:22,103 - ERROR - Learning error in episode 1, step 65: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:22,103 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:22,146 - ERROR - Learning error in episode 1, step 66: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:22,186 - ERROR - Learning error in episode 1, step 67: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:22,226 - ERROR - Learning error in episode 1, step 68: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:22,265 - ERROR - Learning error in episode 1, step 69: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:22,307 - ERROR - Learning error in episode 1, step 70: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:22,350 - ERROR - Learning error in episode 1, step 71: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:22,391 - ERROR - Learning error in episode 1, step 72: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:22,436 - ERROR - Learning error in episode 1, step 73: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:22,439 - ERROR - Error in episode 1: running_mean should contain 1 elements not 256 +2025-03-10 10:53:22,441 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:22,486 - ERROR - Learning error in episode 2, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:22,529 - ERROR - Learning error in episode 2, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:22,566 - ERROR - Learning error in episode 2, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:22,599 - ERROR - Learning error in episode 2, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:22,635 - ERROR - Learning error in episode 2, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:22,669 - ERROR - Learning error in episode 2, step 5: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:22,706 - ERROR - Learning error in episode 2, step 6: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:22,708 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:22,741 - ERROR - Learning error in episode 2, step 7: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:22,777 - ERROR - Learning error in episode 2, step 8: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:22,779 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:22,815 - ERROR - Learning error in episode 2, step 9: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:22,850 - ERROR - Learning error in episode 2, step 10: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:22,884 - ERROR - Learning error in episode 2, step 11: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:22,917 - ERROR - Learning error in episode 2, step 12: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:22,919 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-8.19 +2025-03-10 10:53:22,953 - ERROR - Learning error in episode 2, step 13: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:22,953 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:22,990 - ERROR - Learning error in episode 2, step 14: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:22,990 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-7.45 +2025-03-10 10:53:23,025 - ERROR - Learning error in episode 2, step 15: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:23,027 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:23,067 - ERROR - Learning error in episode 2, step 16: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:23,106 - ERROR - Learning error in episode 2, step 17: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:23,107 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-6.78 +2025-03-10 10:53:23,147 - ERROR - Learning error in episode 2, step 18: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:23,148 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:23,189 - ERROR - Learning error in episode 2, step 19: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:23,230 - ERROR - Learning error in episode 2, step 20: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:23,230 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-6.17 +2025-03-10 10:53:23,270 - ERROR - Learning error in episode 2, step 21: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:23,270 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:23,311 - ERROR - Learning error in episode 2, step 22: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:23,354 - ERROR - Learning error in episode 2, step 23: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:23,390 - ERROR - Learning error in episode 2, step 24: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:23,390 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-5.62 +2025-03-10 10:53:23,435 - ERROR - Learning error in episode 2, step 25: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:23,479 - ERROR - Learning error in episode 2, step 26: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:23,524 - ERROR - Learning error in episode 2, step 27: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:23,524 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:23,566 - ERROR - Learning error in episode 2, step 28: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:23,611 - ERROR - Learning error in episode 2, step 29: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:23,654 - ERROR - Learning error in episode 2, step 30: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:23,691 - ERROR - Learning error in episode 2, step 31: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:23,730 - ERROR - Learning error in episode 2, step 32: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:23,772 - ERROR - Learning error in episode 2, step 33: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:23,772 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-5.11 +2025-03-10 10:53:23,814 - ERROR - Learning error in episode 2, step 34: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:23,814 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:23,855 - ERROR - Learning error in episode 2, step 35: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:23,855 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-4.65 +2025-03-10 10:53:23,898 - ERROR - Learning error in episode 2, step 36: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:23,898 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:23,937 - ERROR - Learning error in episode 2, step 37: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:23,984 - ERROR - Learning error in episode 2, step 38: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:23,984 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-4.23 +2025-03-10 10:53:24,026 - ERROR - Learning error in episode 2, step 39: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:24,074 - ERROR - Learning error in episode 2, step 40: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:24,115 - ERROR - Learning error in episode 2, step 41: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:24,117 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:24,157 - ERROR - Learning error in episode 2, step 42: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:24,200 - ERROR - Learning error in episode 2, step 43: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:24,246 - ERROR - Learning error in episode 2, step 44: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:24,298 - ERROR - Learning error in episode 2, step 45: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:24,299 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-3.85 +2025-03-10 10:53:24,344 - ERROR - Learning error in episode 2, step 46: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:24,344 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:24,391 - ERROR - Learning error in episode 2, step 47: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:24,393 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-3.50 +2025-03-10 10:53:24,438 - ERROR - Learning error in episode 2, step 48: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:24,438 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:24,482 - ERROR - Learning error in episode 2, step 49: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:24,486 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-3.19 +2025-03-10 10:53:24,528 - ERROR - Learning error in episode 2, step 50: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:24,572 - ERROR - Learning error in episode 2, step 51: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:24,614 - ERROR - Learning error in episode 2, step 52: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:24,616 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:24,655 - ERROR - Learning error in episode 2, step 53: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:24,696 - ERROR - Learning error in episode 2, step 54: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:24,738 - ERROR - Learning error in episode 2, step 55: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:24,738 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-2.90 +2025-03-10 10:53:24,781 - ERROR - Learning error in episode 2, step 56: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:24,781 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:24,827 - ERROR - Learning error in episode 2, step 57: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:24,869 - ERROR - Learning error in episode 2, step 58: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:24,910 - ERROR - Learning error in episode 2, step 59: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:24,952 - ERROR - Learning error in episode 2, step 60: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:24,994 - ERROR - Learning error in episode 2, step 61: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:24,994 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-2.64 +2025-03-10 10:53:25,036 - ERROR - Learning error in episode 2, step 62: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:25,038 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:25,077 - ERROR - Learning error in episode 2, step 63: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:25,122 - ERROR - Learning error in episode 2, step 64: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:25,164 - ERROR - Learning error in episode 2, step 65: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:25,166 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-2.40 +2025-03-10 10:53:25,211 - ERROR - Learning error in episode 2, step 66: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:25,253 - ERROR - Learning error in episode 2, step 67: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:25,255 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:25,307 - ERROR - Learning error in episode 2, step 68: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:25,355 - ERROR - Learning error in episode 2, step 69: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:25,397 - ERROR - Learning error in episode 2, step 70: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:25,444 - ERROR - Learning error in episode 2, step 71: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:25,487 - ERROR - Learning error in episode 2, step 72: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:25,529 - ERROR - Learning error in episode 2, step 73: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:25,568 - ERROR - Learning error in episode 2, step 74: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:25,608 - ERROR - Learning error in episode 2, step 75: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:25,646 - ERROR - Learning error in episode 2, step 76: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:25,684 - ERROR - Learning error in episode 2, step 77: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:25,724 - ERROR - Learning error in episode 2, step 78: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:25,724 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-2.19 +2025-03-10 10:53:25,765 - ERROR - Learning error in episode 2, step 79: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:25,767 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:25,806 - ERROR - Learning error in episode 2, step 80: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:25,846 - ERROR - Learning error in episode 2, step 81: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:25,846 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-1.99 +2025-03-10 10:53:25,889 - ERROR - Learning error in episode 2, step 82: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:25,933 - ERROR - Learning error in episode 2, step 83: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:25,935 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:25,976 - ERROR - Learning error in episode 2, step 84: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:26,017 - ERROR - Learning error in episode 2, step 85: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:26,058 - ERROR - Learning error in episode 2, step 86: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:26,100 - ERROR - Learning error in episode 2, step 87: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:26,142 - ERROR - Learning error in episode 2, step 88: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:26,142 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-1.81 +2025-03-10 10:53:26,186 - ERROR - Learning error in episode 2, step 89: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:26,228 - ERROR - Learning error in episode 2, step 90: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:26,230 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:26,273 - ERROR - Learning error in episode 2, step 91: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:26,315 - ERROR - Learning error in episode 2, step 92: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:26,356 - ERROR - Learning error in episode 2, step 93: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:26,395 - ERROR - Learning error in episode 2, step 94: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:26,436 - ERROR - Learning error in episode 2, step 95: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:26,476 - ERROR - Learning error in episode 2, step 96: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:26,521 - ERROR - Learning error in episode 2, step 97: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:26,558 - ERROR - Learning error in episode 2, step 98: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:26,601 - ERROR - Learning error in episode 2, step 99: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:26,641 - ERROR - Learning error in episode 2, step 100: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:26,684 - ERROR - Learning error in episode 2, step 101: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:26,721 - ERROR - Learning error in episode 2, step 102: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:26,762 - ERROR - Learning error in episode 2, step 103: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:26,802 - ERROR - Learning error in episode 2, step 104: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:26,841 - ERROR - Learning error in episode 2, step 105: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:26,885 - ERROR - Learning error in episode 2, step 106: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:26,919 - ERROR - Learning error in episode 2, step 107: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:26,961 - ERROR - Learning error in episode 2, step 108: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:27,006 - ERROR - Learning error in episode 2, step 109: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:27,047 - ERROR - Learning error in episode 2, step 110: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:27,089 - ERROR - Learning error in episode 2, step 111: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:27,127 - ERROR - Learning error in episode 2, step 112: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:27,170 - ERROR - Learning error in episode 2, step 113: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:27,211 - ERROR - Learning error in episode 2, step 114: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:27,212 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-1.65 +2025-03-10 10:53:27,254 - ERROR - Learning error in episode 2, step 115: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:27,298 - ERROR - Learning error in episode 2, step 116: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:27,298 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:27,344 - ERROR - Learning error in episode 2, step 117: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:27,387 - ERROR - Learning error in episode 2, step 118: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:27,387 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-1.50 +2025-03-10 10:53:27,434 - ERROR - Learning error in episode 2, step 119: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:27,434 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:27,473 - ERROR - Learning error in episode 2, step 120: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:27,475 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-1.36 +2025-03-10 10:53:27,515 - ERROR - Learning error in episode 2, step 121: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:27,557 - ERROR - Learning error in episode 2, step 122: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:27,599 - ERROR - Learning error in episode 2, step 123: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:27,599 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:27,645 - ERROR - Learning error in episode 2, step 124: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:27,645 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-1.24 +2025-03-10 10:53:27,689 - ERROR - Learning error in episode 2, step 125: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:27,689 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:27,731 - ERROR - Learning error in episode 2, step 126: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:27,771 - ERROR - Learning error in episode 2, step 127: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:27,807 - ERROR - Learning error in episode 2, step 128: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:27,850 - ERROR - Learning error in episode 2, step 129: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:27,892 - ERROR - Learning error in episode 2, step 130: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:27,931 - ERROR - Learning error in episode 2, step 131: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:27,934 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-1.13 +2025-03-10 10:53:27,970 - ERROR - Learning error in episode 2, step 132: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:27,978 - ERROR - Error in episode 2: running_mean should contain 1 elements not 256 +2025-03-10 10:53:27,978 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:28,022 - ERROR - Learning error in episode 3, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:28,065 - ERROR - Learning error in episode 3, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:28,108 - ERROR - Learning error in episode 3, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:28,153 - ERROR - Learning error in episode 3, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:28,198 - ERROR - Learning error in episode 3, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:28,240 - ERROR - Learning error in episode 3, step 5: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:28,240 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:28,283 - ERROR - Learning error in episode 3, step 6: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:28,285 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:28,328 - ERROR - Learning error in episode 3, step 7: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:28,371 - ERROR - Learning error in episode 3, step 8: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:28,413 - ERROR - Learning error in episode 3, step 9: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:28,415 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-8.19 +2025-03-10 10:53:28,462 - ERROR - Learning error in episode 3, step 10: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:28,462 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:28,506 - ERROR - Learning error in episode 3, step 11: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:28,548 - ERROR - Learning error in episode 3, step 12: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:28,592 - ERROR - Learning error in episode 3, step 13: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:28,638 - ERROR - Learning error in episode 3, step 14: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:28,638 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-7.45 +2025-03-10 10:53:28,681 - ERROR - Learning error in episode 3, step 15: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:28,734 - ERROR - Learning error in episode 3, step 16: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:28,775 - ERROR - Learning error in episode 3, step 17: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:28,816 - ERROR - Learning error in episode 3, step 18: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:28,816 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:28,861 - ERROR - Learning error in episode 3, step 19: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:28,903 - ERROR - Learning error in episode 3, step 20: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:28,952 - ERROR - Learning error in episode 3, step 21: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:28,954 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-6.78 +2025-03-10 10:53:29,000 - ERROR - Learning error in episode 3, step 22: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:29,001 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:29,041 - ERROR - Learning error in episode 3, step 23: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:29,085 - ERROR - Learning error in episode 3, step 24: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:29,088 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-6.17 +2025-03-10 10:53:29,130 - ERROR - Learning error in episode 3, step 25: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:29,130 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:29,174 - ERROR - Learning error in episode 3, step 26: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:29,210 - ERROR - Learning error in episode 3, step 27: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:29,246 - ERROR - Learning error in episode 3, step 28: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:29,288 - ERROR - Learning error in episode 3, step 29: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:29,333 - ERROR - Learning error in episode 3, step 30: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:29,338 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-5.62 +2025-03-10 10:53:29,379 - ERROR - Learning error in episode 3, step 31: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:29,379 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:29,420 - ERROR - Learning error in episode 3, step 32: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:29,459 - ERROR - Learning error in episode 3, step 33: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:29,498 - ERROR - Learning error in episode 3, step 34: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:29,540 - ERROR - Learning error in episode 3, step 35: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:29,577 - ERROR - Learning error in episode 3, step 36: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:29,619 - ERROR - Learning error in episode 3, step 37: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:29,658 - ERROR - Learning error in episode 3, step 38: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:29,697 - ERROR - Learning error in episode 3, step 39: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:29,697 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-5.11 +2025-03-10 10:53:29,744 - ERROR - Learning error in episode 3, step 40: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:29,745 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:29,786 - ERROR - Learning error in episode 3, step 41: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:29,827 - ERROR - Learning error in episode 3, step 42: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:29,871 - ERROR - Learning error in episode 3, step 43: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:29,910 - ERROR - Learning error in episode 3, step 44: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:29,910 - ERROR - Error in episode 3: running_mean should contain 1 elements not 256 +2025-03-10 10:53:29,910 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:29,951 - ERROR - Learning error in episode 4, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:29,992 - ERROR - Learning error in episode 4, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:29,992 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:30,029 - ERROR - Learning error in episode 4, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:30,068 - ERROR - Learning error in episode 4, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:30,070 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:30,111 - ERROR - Learning error in episode 4, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:30,151 - ERROR - Learning error in episode 4, step 5: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:30,192 - ERROR - Learning error in episode 4, step 6: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:30,233 - ERROR - Learning error in episode 4, step 7: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:30,234 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-8.19 +2025-03-10 10:53:30,276 - ERROR - Learning error in episode 4, step 8: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:30,276 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:30,322 - ERROR - Learning error in episode 4, step 9: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:30,361 - ERROR - Learning error in episode 4, step 10: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:30,400 - ERROR - Learning error in episode 4, step 11: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:30,438 - ERROR - Learning error in episode 4, step 12: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:30,481 - ERROR - Learning error in episode 4, step 13: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:30,527 - ERROR - Learning error in episode 4, step 14: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:30,564 - ERROR - Learning error in episode 4, step 15: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:30,606 - ERROR - Learning error in episode 4, step 16: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:30,646 - ERROR - Learning error in episode 4, step 17: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:30,648 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-7.45 +2025-03-10 10:53:30,688 - ERROR - Learning error in episode 4, step 18: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:30,690 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:30,731 - ERROR - Learning error in episode 4, step 19: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:30,773 - ERROR - Learning error in episode 4, step 20: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:30,815 - ERROR - Learning error in episode 4, step 21: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:30,859 - ERROR - Learning error in episode 4, step 22: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:30,861 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-6.78 +2025-03-10 10:53:30,900 - ERROR - Learning error in episode 4, step 23: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:30,937 - ERROR - Learning error in episode 4, step 24: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:30,937 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:30,979 - ERROR - Learning error in episode 4, step 25: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:31,017 - ERROR - Learning error in episode 4, step 26: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:31,059 - ERROR - Learning error in episode 4, step 27: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:31,098 - ERROR - Learning error in episode 4, step 28: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:31,135 - ERROR - Learning error in episode 4, step 29: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:31,137 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-6.17 +2025-03-10 10:53:31,175 - ERROR - Learning error in episode 4, step 30: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:31,178 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:31,217 - ERROR - Learning error in episode 4, step 31: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:31,259 - ERROR - Learning error in episode 4, step 32: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:31,303 - ERROR - Learning error in episode 4, step 33: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:31,304 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-5.62 +2025-03-10 10:53:31,349 - ERROR - Learning error in episode 4, step 34: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:31,389 - ERROR - Learning error in episode 4, step 35: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:31,392 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:31,432 - ERROR - Learning error in episode 4, step 36: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:31,434 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-5.11 +2025-03-10 10:53:31,475 - ERROR - Learning error in episode 4, step 37: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:31,476 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:31,516 - ERROR - Learning error in episode 4, step 38: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:31,558 - ERROR - Learning error in episode 4, step 39: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:31,560 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-4.65 +2025-03-10 10:53:31,599 - ERROR - Learning error in episode 4, step 40: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:31,601 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:31,640 - ERROR - Learning error in episode 4, step 41: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:31,642 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-4.23 +2025-03-10 10:53:31,682 - ERROR - Learning error in episode 4, step 42: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:31,682 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:31,721 - ERROR - Learning error in episode 4, step 43: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:31,724 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-3.85 +2025-03-10 10:53:31,762 - ERROR - Learning error in episode 4, step 44: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:31,800 - ERROR - Learning error in episode 4, step 45: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:31,841 - ERROR - Learning error in episode 4, step 46: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:31,841 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:31,883 - ERROR - Learning error in episode 4, step 47: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:31,925 - ERROR - Learning error in episode 4, step 48: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:31,925 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-3.50 +2025-03-10 10:53:31,963 - ERROR - Learning error in episode 4, step 49: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:31,963 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:32,006 - ERROR - Learning error in episode 4, step 50: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:32,042 - ERROR - Learning error in episode 4, step 51: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:32,081 - ERROR - Learning error in episode 4, step 52: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:32,121 - ERROR - Learning error in episode 4, step 53: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:32,165 - ERROR - Learning error in episode 4, step 54: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:32,165 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-3.19 +2025-03-10 10:53:32,205 - ERROR - Learning error in episode 4, step 55: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:32,244 - ERROR - Learning error in episode 4, step 56: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:32,246 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:32,283 - ERROR - Learning error in episode 4, step 57: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:32,283 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-2.90 +2025-03-10 10:53:32,321 - ERROR - Learning error in episode 4, step 58: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:32,363 - ERROR - Learning error in episode 4, step 59: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:32,364 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:32,400 - ERROR - Learning error in episode 4, step 60: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:32,441 - ERROR - Learning error in episode 4, step 61: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:32,478 - ERROR - Learning error in episode 4, step 62: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:32,478 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-2.64 +2025-03-10 10:53:32,520 - ERROR - Learning error in episode 4, step 63: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:32,559 - ERROR - Learning error in episode 4, step 64: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:32,559 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:32,599 - ERROR - Learning error in episode 4, step 65: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:32,644 - ERROR - Learning error in episode 4, step 66: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:32,688 - ERROR - Learning error in episode 4, step 67: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:32,690 - ERROR - Error in episode 4: running_mean should contain 1 elements not 256 +2025-03-10 10:53:32,733 - ERROR - Learning error in episode 5, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:32,772 - ERROR - Learning error in episode 5, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:32,772 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:32,812 - ERROR - Learning error in episode 5, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:32,817 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:32,855 - ERROR - Learning error in episode 5, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:32,897 - ERROR - Learning error in episode 5, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:32,939 - ERROR - Learning error in episode 5, step 5: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:32,981 - ERROR - Learning error in episode 5, step 6: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:33,016 - ERROR - Learning error in episode 5, step 7: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:33,022 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:33,059 - ERROR - Learning error in episode 5, step 8: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:33,102 - ERROR - Learning error in episode 5, step 9: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:33,102 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-8.19 +2025-03-10 10:53:33,140 - ERROR - Learning error in episode 5, step 10: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:33,144 - ERROR - Error in episode 5: running_mean should contain 1 elements not 256 +2025-03-10 10:53:33,146 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:33,187 - ERROR - Learning error in episode 6, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:33,227 - ERROR - Learning error in episode 6, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:33,269 - ERROR - Learning error in episode 6, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:33,307 - ERROR - Learning error in episode 6, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:33,350 - ERROR - Learning error in episode 6, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:33,350 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:33,387 - ERROR - Learning error in episode 6, step 5: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:33,393 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:33,433 - ERROR - Learning error in episode 6, step 6: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:33,433 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-8.19 +2025-03-10 10:53:33,474 - ERROR - Learning error in episode 6, step 7: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:33,476 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:33,519 - ERROR - Learning error in episode 6, step 8: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:33,561 - ERROR - Learning error in episode 6, step 9: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:33,561 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-7.45 +2025-03-10 10:53:33,599 - ERROR - Learning error in episode 6, step 10: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:33,601 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:33,644 - ERROR - Learning error in episode 6, step 11: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:33,684 - ERROR - Learning error in episode 6, step 12: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:33,719 - ERROR - Learning error in episode 6, step 13: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:33,758 - ERROR - Learning error in episode 6, step 14: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:33,760 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-6.78 +2025-03-10 10:53:33,795 - ERROR - Learning error in episode 6, step 15: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:33,839 - ERROR - Learning error in episode 6, step 16: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:33,879 - ERROR - Learning error in episode 6, step 17: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:33,882 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:33,921 - ERROR - Learning error in episode 6, step 18: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:33,960 - ERROR - Learning error in episode 6, step 19: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:34,001 - ERROR - Learning error in episode 6, step 20: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:34,040 - ERROR - Learning error in episode 6, step 21: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:34,077 - ERROR - Learning error in episode 6, step 22: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:34,083 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-6.17 +2025-03-10 10:53:34,121 - ERROR - Learning error in episode 6, step 23: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:34,161 - ERROR - Learning error in episode 6, step 24: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:34,204 - ERROR - Learning error in episode 6, step 25: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:34,244 - ERROR - Learning error in episode 6, step 26: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:34,287 - ERROR - Learning error in episode 6, step 27: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:34,288 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:34,333 - ERROR - Learning error in episode 6, step 28: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:34,335 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-5.62 +2025-03-10 10:53:34,377 - ERROR - Learning error in episode 6, step 29: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:34,421 - ERROR - Learning error in episode 6, step 30: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:34,423 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:34,463 - ERROR - Learning error in episode 6, step 31: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:34,505 - ERROR - Learning error in episode 6, step 32: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:34,544 - ERROR - Learning error in episode 6, step 33: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:34,580 - ERROR - Learning error in episode 6, step 34: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:34,582 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-5.11 +2025-03-10 10:53:34,621 - ERROR - Learning error in episode 6, step 35: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:34,659 - ERROR - Learning error in episode 6, step 36: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:34,698 - ERROR - Learning error in episode 6, step 37: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:34,700 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:34,740 - ERROR - Learning error in episode 6, step 38: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:34,742 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-4.65 +2025-03-10 10:53:34,779 - ERROR - Learning error in episode 6, step 39: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:34,817 - ERROR - Learning error in episode 6, step 40: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:34,856 - ERROR - Learning error in episode 6, step 41: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:34,892 - ERROR - Learning error in episode 6, step 42: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:34,932 - ERROR - Learning error in episode 6, step 43: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:34,935 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:34,971 - ERROR - Learning error in episode 6, step 44: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:35,010 - ERROR - Learning error in episode 6, step 45: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:35,010 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-4.23 +2025-03-10 10:53:35,050 - ERROR - Learning error in episode 6, step 46: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:35,052 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:35,087 - ERROR - Learning error in episode 6, step 47: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:35,127 - ERROR - Learning error in episode 6, step 48: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:35,164 - ERROR - Learning error in episode 6, step 49: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:35,205 - ERROR - Learning error in episode 6, step 50: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:35,207 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-3.85 +2025-03-10 10:53:35,246 - ERROR - Learning error in episode 6, step 51: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:35,248 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:35,284 - ERROR - Learning error in episode 6, step 52: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:35,287 - ERROR - Error in episode 6: running_mean should contain 1 elements not 256 +2025-03-10 10:53:35,287 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:35,328 - ERROR - Learning error in episode 7, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:35,369 - ERROR - Learning error in episode 7, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:35,369 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:35,408 - ERROR - Learning error in episode 7, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:35,450 - ERROR - Learning error in episode 7, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:35,452 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:35,492 - ERROR - Learning error in episode 7, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:35,531 - ERROR - Learning error in episode 7, step 5: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:35,572 - ERROR - Learning error in episode 7, step 6: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:35,611 - ERROR - Learning error in episode 7, step 7: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:35,657 - ERROR - Learning error in episode 7, step 8: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:35,702 - ERROR - Learning error in episode 7, step 9: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:35,745 - ERROR - Learning error in episode 7, step 10: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:35,782 - ERROR - Learning error in episode 7, step 11: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:35,816 - ERROR - Learning error in episode 7, step 12: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:35,858 - ERROR - Learning error in episode 7, step 13: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:35,904 - ERROR - Learning error in episode 7, step 14: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:35,906 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-8.19 +2025-03-10 10:53:35,944 - ERROR - Learning error in episode 7, step 15: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:35,983 - ERROR - Learning error in episode 7, step 16: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:35,983 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:36,024 - ERROR - Learning error in episode 7, step 17: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:36,066 - ERROR - Learning error in episode 7, step 18: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:36,103 - ERROR - Learning error in episode 7, step 19: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:36,147 - ERROR - Learning error in episode 7, step 20: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:36,187 - ERROR - Learning error in episode 7, step 21: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:36,220 - ERROR - Learning error in episode 7, step 22: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:36,270 - ERROR - Learning error in episode 7, step 23: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:36,270 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-7.45 +2025-03-10 10:53:36,312 - ERROR - Learning error in episode 7, step 24: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:36,312 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:36,353 - ERROR - Learning error in episode 7, step 25: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:36,396 - ERROR - Learning error in episode 7, step 26: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:36,433 - ERROR - Learning error in episode 7, step 27: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:36,477 - ERROR - Learning error in episode 7, step 28: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:36,514 - ERROR - Learning error in episode 7, step 29: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:36,516 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-6.78 +2025-03-10 10:53:36,556 - ERROR - Learning error in episode 7, step 30: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:36,556 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:36,595 - ERROR - Learning error in episode 7, step 31: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:36,598 - ERROR - Error in episode 7: running_mean should contain 1 elements not 256 +2025-03-10 10:53:36,637 - ERROR - Learning error in episode 8, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:36,679 - ERROR - Learning error in episode 8, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:36,681 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:36,714 - ERROR - Learning error in episode 8, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:36,767 - ERROR - Learning error in episode 8, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:36,769 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:36,812 - ERROR - Learning error in episode 8, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:36,861 - ERROR - Learning error in episode 8, step 5: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:36,908 - ERROR - Learning error in episode 8, step 6: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:36,963 - ERROR - Learning error in episode 8, step 7: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:37,013 - ERROR - Learning error in episode 8, step 8: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:37,013 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:37,060 - ERROR - Learning error in episode 8, step 9: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:37,060 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-8.19 +2025-03-10 10:53:37,105 - ERROR - Learning error in episode 8, step 10: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:37,146 - ERROR - Learning error in episode 8, step 11: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:37,184 - ERROR - Learning error in episode 8, step 12: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:37,221 - ERROR - Learning error in episode 8, step 13: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:37,259 - ERROR - Learning error in episode 8, step 14: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:37,267 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:37,300 - ERROR - Learning error in episode 8, step 15: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:37,342 - ERROR - Learning error in episode 8, step 16: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:37,385 - ERROR - Learning error in episode 8, step 17: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:37,435 - ERROR - Learning error in episode 8, step 18: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:37,469 - ERROR - Learning error in episode 8, step 19: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:37,475 - ERROR - Error in episode 8: running_mean should contain 1 elements not 256 +2025-03-10 10:53:37,517 - ERROR - Learning error in episode 9, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:37,519 - ERROR - Error in episode 9: running_mean should contain 1 elements not 256 +2025-03-10 10:53:37,556 - ERROR - Learning error in episode 10, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:37,590 - ERROR - Learning error in episode 10, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:37,590 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:37,625 - ERROR - Learning error in episode 10, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:37,664 - ERROR - Learning error in episode 10, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:37,664 - ERROR - Error in episode 10: running_mean should contain 1 elements not 256 +2025-03-10 10:53:37,707 - ERROR - Learning error in episode 11, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:37,708 - ERROR - Error in episode 11: running_mean should contain 1 elements not 256 +2025-03-10 10:53:37,708 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:37,747 - ERROR - Learning error in episode 12, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:37,789 - ERROR - Learning error in episode 12, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:37,827 - ERROR - Learning error in episode 12, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:37,866 - ERROR - Learning error in episode 12, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:37,909 - ERROR - Learning error in episode 12, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:37,909 - ERROR - Error in episode 12: running_mean should contain 1 elements not 256 +2025-03-10 10:53:37,947 - ERROR - Learning error in episode 13, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:37,985 - ERROR - Learning error in episode 13, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:37,987 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:38,024 - ERROR - Learning error in episode 13, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:38,027 - ERROR - Error in episode 13: running_mean should contain 1 elements not 256 +2025-03-10 10:53:38,066 - ERROR - Learning error in episode 14, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:38,106 - ERROR - Learning error in episode 14, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:38,108 - ERROR - Error in episode 14: running_mean should contain 1 elements not 256 +2025-03-10 10:53:38,110 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:38,145 - ERROR - Learning error in episode 15, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:38,184 - ERROR - Learning error in episode 15, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:38,223 - ERROR - Learning error in episode 15, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:38,226 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:38,264 - ERROR - Learning error in episode 15, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:38,303 - ERROR - Learning error in episode 15, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:38,339 - ERROR - Learning error in episode 15, step 5: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:38,381 - ERROR - Learning error in episode 15, step 6: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:38,383 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:38,424 - ERROR - Learning error in episode 15, step 7: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:38,462 - ERROR - Learning error in episode 15, step 8: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:38,464 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-8.19 +2025-03-10 10:53:38,504 - ERROR - Learning error in episode 15, step 9: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:38,544 - ERROR - Learning error in episode 15, step 10: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:38,544 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:38,581 - ERROR - Learning error in episode 15, step 11: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:38,622 - ERROR - Learning error in episode 15, step 12: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:38,657 - ERROR - Learning error in episode 15, step 13: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:38,697 - ERROR - Learning error in episode 15, step 14: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:38,741 - ERROR - Learning error in episode 15, step 15: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:38,784 - ERROR - Learning error in episode 15, step 16: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:38,786 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-7.45 +2025-03-10 10:53:38,827 - ERROR - Learning error in episode 15, step 17: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:38,827 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:38,866 - ERROR - Learning error in episode 15, step 18: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:38,908 - ERROR - Learning error in episode 15, step 19: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:38,958 - ERROR - Learning error in episode 15, step 20: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:38,958 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-6.78 +2025-03-10 10:53:38,997 - ERROR - Learning error in episode 15, step 21: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:38,997 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:39,041 - ERROR - Learning error in episode 15, step 22: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:39,081 - ERROR - Learning error in episode 15, step 23: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:39,114 - ERROR - Learning error in episode 15, step 24: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:39,122 - ERROR - Error in episode 15: running_mean should contain 1 elements not 256 +2025-03-10 10:53:39,122 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:39,155 - ERROR - Learning error in episode 16, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:39,155 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:39,189 - ERROR - Learning error in episode 16, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:39,189 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:39,222 - ERROR - Learning error in episode 16, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:39,253 - ERROR - Learning error in episode 16, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:39,253 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-8.19 +2025-03-10 10:53:39,286 - ERROR - Learning error in episode 16, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:39,319 - ERROR - Learning error in episode 16, step 5: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:39,319 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:39,355 - ERROR - Learning error in episode 16, step 6: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:39,389 - ERROR - Learning error in episode 16, step 7: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:39,389 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-7.45 +2025-03-10 10:53:39,422 - ERROR - Learning error in episode 16, step 8: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:39,422 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:39,455 - ERROR - Learning error in episode 16, step 9: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:39,489 - ERROR - Learning error in episode 16, step 10: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:39,514 - ERROR - Learning error in episode 16, step 11: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:39,551 - ERROR - Learning error in episode 16, step 12: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:39,552 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-6.78 +2025-03-10 10:53:39,587 - ERROR - Learning error in episode 16, step 13: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:39,587 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:39,628 - ERROR - Learning error in episode 16, step 14: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:39,663 - ERROR - Learning error in episode 16, step 15: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:39,667 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-6.17 +2025-03-10 10:53:39,707 - ERROR - Learning error in episode 16, step 16: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:39,745 - ERROR - Learning error in episode 16, step 17: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:39,785 - ERROR - Learning error in episode 16, step 18: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:39,825 - ERROR - Learning error in episode 16, step 19: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:39,825 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:39,867 - ERROR - Learning error in episode 16, step 20: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:39,909 - ERROR - Learning error in episode 16, step 21: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:39,948 - ERROR - Learning error in episode 16, step 22: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:39,985 - ERROR - Learning error in episode 16, step 23: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:40,021 - ERROR - Learning error in episode 16, step 24: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:40,060 - ERROR - Learning error in episode 16, step 25: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:40,096 - ERROR - Learning error in episode 16, step 26: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:40,102 - ERROR - Error in episode 16: running_mean should contain 1 elements not 256 +2025-03-10 10:53:40,102 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:40,145 - ERROR - Learning error in episode 17, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:40,191 - ERROR - Learning error in episode 17, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:40,235 - ERROR - Learning error in episode 17, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:40,277 - ERROR - Learning error in episode 17, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:40,324 - ERROR - Learning error in episode 17, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:40,324 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:40,372 - ERROR - Learning error in episode 17, step 5: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:40,418 - ERROR - Learning error in episode 17, step 6: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:40,460 - ERROR - Learning error in episode 17, step 7: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:40,460 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:40,509 - ERROR - Learning error in episode 17, step 8: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:40,554 - ERROR - Learning error in episode 17, step 9: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:40,594 - ERROR - Learning error in episode 17, step 10: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:40,638 - ERROR - Learning error in episode 17, step 11: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:40,640 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-8.19 +2025-03-10 10:53:40,679 - ERROR - Learning error in episode 17, step 12: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:40,679 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:40,719 - ERROR - Learning error in episode 17, step 13: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:40,753 - ERROR - Learning error in episode 17, step 14: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:40,761 - ERROR - Error in episode 17: running_mean should contain 1 elements not 256 +2025-03-10 10:53:40,800 - ERROR - Learning error in episode 18, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:40,836 - ERROR - Learning error in episode 18, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:40,836 - ERROR - Error in episode 18: running_mean should contain 1 elements not 256 +2025-03-10 10:53:40,881 - ERROR - Learning error in episode 19, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:40,881 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:40,924 - ERROR - Learning error in episode 19, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:40,963 - ERROR - Learning error in episode 19, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:41,005 - ERROR - Learning error in episode 19, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:41,044 - ERROR - Learning error in episode 19, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:41,086 - ERROR - Learning error in episode 19, step 5: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:41,086 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:41,129 - ERROR - Learning error in episode 19, step 6: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:41,169 - ERROR - Learning error in episode 19, step 7: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:41,217 - ERROR - Learning error in episode 19, step 8: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:41,217 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:41,259 - ERROR - Learning error in episode 19, step 9: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:41,259 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-8.19 +2025-03-10 10:53:41,300 - ERROR - Learning error in episode 19, step 10: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:41,342 - ERROR - Learning error in episode 19, step 11: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:41,347 - ERROR - Error in episode 19: running_mean should contain 1 elements not 256 +2025-03-10 10:53:41,384 - ERROR - Learning error in episode 20, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:41,425 - ERROR - Learning error in episode 20, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:41,464 - ERROR - Learning error in episode 20, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:41,504 - ERROR - Learning error in episode 20, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:41,506 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:41,547 - ERROR - Learning error in episode 20, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:41,588 - ERROR - Learning error in episode 20, step 5: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:41,625 - ERROR - Learning error in episode 20, step 6: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:41,663 - ERROR - Learning error in episode 20, step 7: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:41,705 - ERROR - Learning error in episode 20, step 8: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:41,746 - ERROR - Learning error in episode 20, step 9: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:41,784 - ERROR - Learning error in episode 20, step 10: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:41,786 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:41,824 - ERROR - Learning error in episode 20, step 11: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:41,828 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:41,867 - ERROR - Learning error in episode 20, step 12: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:41,906 - ERROR - Learning error in episode 20, step 13: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:41,909 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-8.19 +2025-03-10 10:53:41,951 - ERROR - Learning error in episode 20, step 14: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:41,951 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:41,989 - ERROR - Learning error in episode 20, step 15: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:42,027 - ERROR - Learning error in episode 20, step 16: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:42,068 - ERROR - Learning error in episode 20, step 17: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:42,105 - ERROR - Learning error in episode 20, step 18: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:42,110 - ERROR - Error in episode 20: running_mean should contain 1 elements not 256 +2025-03-10 10:53:42,110 - ERROR - Error in episode 21: running_mean should contain 1 elements not 256 +2025-03-10 10:53:42,112 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:42,152 - ERROR - Learning error in episode 22, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:42,191 - ERROR - Learning error in episode 22, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:42,231 - ERROR - Learning error in episode 22, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:42,273 - ERROR - Learning error in episode 22, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:42,313 - ERROR - Learning error in episode 22, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:42,354 - ERROR - Learning error in episode 22, step 5: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:42,356 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:42,392 - ERROR - Learning error in episode 22, step 6: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:42,394 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:42,433 - ERROR - Learning error in episode 22, step 7: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:42,436 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-8.19 +2025-03-10 10:53:42,477 - ERROR - Learning error in episode 22, step 8: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:42,513 - ERROR - Learning error in episode 22, step 9: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:42,515 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:42,555 - ERROR - Learning error in episode 22, step 10: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:42,596 - ERROR - Learning error in episode 22, step 11: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:42,596 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-7.45 +2025-03-10 10:53:42,628 - ERROR - Learning error in episode 22, step 12: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:42,628 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:42,671 - ERROR - Learning error in episode 22, step 13: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:42,715 - ERROR - Learning error in episode 22, step 14: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:42,754 - ERROR - Learning error in episode 22, step 15: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:42,801 - ERROR - Learning error in episode 22, step 16: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:42,846 - ERROR - Learning error in episode 22, step 17: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:42,888 - ERROR - Learning error in episode 22, step 18: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:42,927 - ERROR - Learning error in episode 22, step 19: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:42,968 - ERROR - Learning error in episode 22, step 20: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:42,968 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-6.78 +2025-03-10 10:53:43,009 - ERROR - Learning error in episode 22, step 21: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:43,009 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:43,050 - ERROR - Learning error in episode 22, step 22: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:43,050 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-6.17 +2025-03-10 10:53:43,092 - ERROR - Learning error in episode 22, step 23: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:43,129 - ERROR - Learning error in episode 22, step 24: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:43,129 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:43,171 - ERROR - Learning error in episode 22, step 25: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:43,208 - ERROR - Learning error in episode 22, step 26: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:43,250 - ERROR - Learning error in episode 22, step 27: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:43,288 - ERROR - Learning error in episode 22, step 28: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:43,324 - ERROR - Learning error in episode 22, step 29: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:43,363 - ERROR - Learning error in episode 22, step 30: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:43,363 - ERROR - Error in episode 22: running_mean should contain 1 elements not 256 +2025-03-10 10:53:43,363 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:43,406 - ERROR - Learning error in episode 23, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:43,446 - ERROR - Learning error in episode 23, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:43,483 - ERROR - Learning error in episode 23, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:43,521 - ERROR - Learning error in episode 23, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:43,557 - ERROR - Learning error in episode 23, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:43,559 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:43,596 - ERROR - Learning error in episode 23, step 5: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:43,634 - ERROR - Learning error in episode 23, step 6: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:43,636 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:43,675 - ERROR - Learning error in episode 23, step 7: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:43,677 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-8.19 +2025-03-10 10:53:43,717 - ERROR - Learning error in episode 23, step 8: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:43,717 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:43,758 - ERROR - Learning error in episode 23, step 9: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:43,800 - ERROR - Learning error in episode 23, step 10: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:43,842 - ERROR - Learning error in episode 23, step 11: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:43,879 - ERROR - Learning error in episode 23, step 12: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:43,921 - ERROR - Learning error in episode 23, step 13: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:43,957 - ERROR - Learning error in episode 23, step 14: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:43,998 - ERROR - Learning error in episode 23, step 15: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:44,038 - ERROR - Learning error in episode 23, step 16: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:44,038 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-7.45 +2025-03-10 10:53:44,079 - ERROR - Learning error in episode 23, step 17: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:44,081 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:44,123 - ERROR - Learning error in episode 23, step 18: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:44,162 - ERROR - Learning error in episode 23, step 19: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:44,202 - ERROR - Learning error in episode 23, step 20: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:44,204 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-6.78 +2025-03-10 10:53:44,245 - ERROR - Learning error in episode 23, step 21: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:44,284 - ERROR - Learning error in episode 23, step 22: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:44,285 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:44,327 - ERROR - Learning error in episode 23, step 23: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:44,329 - ERROR - Error in episode 23: running_mean should contain 1 elements not 256 +2025-03-10 10:53:44,368 - ERROR - Learning error in episode 24, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:44,368 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:44,437 - ERROR - Learning error in episode 24, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:44,437 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:44,514 - ERROR - Learning error in episode 24, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:44,554 - ERROR - Learning error in episode 24, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:44,558 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:44,598 - ERROR - Learning error in episode 24, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:44,629 - ERROR - Learning error in episode 24, step 5: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:44,673 - ERROR - Learning error in episode 24, step 6: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:44,673 - ERROR - Error in episode 24: running_mean should contain 1 elements not 256 +2025-03-10 10:53:44,711 - ERROR - Learning error in episode 25, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:44,748 - ERROR - Learning error in episode 25, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:44,790 - ERROR - Learning error in episode 25, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:44,790 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:44,834 - ERROR - Learning error in episode 25, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:44,871 - ERROR - Learning error in episode 25, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:44,871 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:44,912 - ERROR - Learning error in episode 25, step 5: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:44,950 - ERROR - Learning error in episode 25, step 6: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:44,950 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:44,992 - ERROR - Learning error in episode 25, step 7: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:45,029 - ERROR - Learning error in episode 25, step 8: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:45,032 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-8.19 +2025-03-10 10:53:45,079 - ERROR - Learning error in episode 25, step 9: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:45,117 - ERROR - Learning error in episode 25, step 10: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:45,119 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:45,155 - ERROR - Learning error in episode 25, step 11: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:45,155 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-7.45 +2025-03-10 10:53:45,189 - ERROR - Learning error in episode 25, step 12: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:45,192 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:45,224 - ERROR - Learning error in episode 25, step 13: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:45,267 - ERROR - Learning error in episode 25, step 14: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:45,304 - ERROR - Learning error in episode 25, step 15: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:45,304 - ERROR - Error in episode 25: running_mean should contain 1 elements not 256 +2025-03-10 10:53:45,346 - ERROR - Learning error in episode 26, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:45,346 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:45,385 - ERROR - Learning error in episode 26, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:45,387 - ERROR - Error in episode 26: running_mean should contain 1 elements not 256 +2025-03-10 10:53:45,427 - ERROR - Learning error in episode 27, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:45,429 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:45,465 - ERROR - Learning error in episode 27, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:45,465 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:45,507 - ERROR - Learning error in episode 27, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:45,509 - ERROR - Error in episode 27: running_mean should contain 1 elements not 256 +2025-03-10 10:53:45,511 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:45,548 - ERROR - Learning error in episode 28, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:45,590 - ERROR - Learning error in episode 28, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:45,627 - ERROR - Learning error in episode 28, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:45,665 - ERROR - Learning error in episode 28, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:45,667 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:45,706 - ERROR - Learning error in episode 28, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:45,746 - ERROR - Learning error in episode 28, step 5: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:45,788 - ERROR - Learning error in episode 28, step 6: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:45,833 - ERROR - Learning error in episode 28, step 7: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:45,871 - ERROR - Learning error in episode 28, step 8: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:45,913 - ERROR - Learning error in episode 28, step 9: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:45,913 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:45,954 - ERROR - Learning error in episode 28, step 10: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:45,993 - ERROR - Learning error in episode 28, step 11: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:46,029 - ERROR - Learning error in episode 28, step 12: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:46,071 - ERROR - Learning error in episode 28, step 13: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:46,072 - ERROR - Error in episode 28: running_mean should contain 1 elements not 256 +2025-03-10 10:53:46,072 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:46,113 - ERROR - Learning error in episode 29, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:46,152 - ERROR - Learning error in episode 29, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:46,195 - ERROR - Learning error in episode 29, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:46,235 - ERROR - Learning error in episode 29, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:46,271 - ERROR - Learning error in episode 29, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:46,317 - ERROR - Learning error in episode 29, step 5: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:46,321 - ERROR - Error in episode 29: running_mean should contain 1 elements not 256 +2025-03-10 10:53:46,362 - ERROR - Learning error in episode 30, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:46,365 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:46,406 - ERROR - Learning error in episode 30, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:46,446 - ERROR - Learning error in episode 30, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:46,446 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:46,487 - ERROR - Learning error in episode 30, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:46,489 - ERROR - Error in episode 30: running_mean should contain 1 elements not 256 +2025-03-10 10:53:46,529 - ERROR - Learning error in episode 31, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:46,529 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:46,562 - ERROR - Learning error in episode 31, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:46,608 - ERROR - Learning error in episode 31, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:46,608 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:46,651 - ERROR - Learning error in episode 31, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:46,651 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:46,693 - ERROR - Learning error in episode 31, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:46,731 - ERROR - Learning error in episode 31, step 5: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:46,772 - ERROR - Learning error in episode 31, step 6: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:46,772 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-8.19 +2025-03-10 10:53:46,814 - ERROR - Learning error in episode 31, step 7: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:46,855 - ERROR - Learning error in episode 31, step 8: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:46,855 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:46,896 - ERROR - Learning error in episode 31, step 9: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:46,937 - ERROR - Learning error in episode 31, step 10: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:46,976 - ERROR - Learning error in episode 31, step 11: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:47,014 - ERROR - Learning error in episode 31, step 12: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:47,054 - ERROR - Learning error in episode 31, step 13: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:47,055 - ERROR - Error in episode 31: running_mean should contain 1 elements not 256 +2025-03-10 10:53:47,094 - ERROR - Learning error in episode 32, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:47,129 - ERROR - Learning error in episode 32, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:47,162 - ERROR - Learning error in episode 32, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:47,204 - ERROR - Learning error in episode 32, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:47,207 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:47,248 - ERROR - Learning error in episode 32, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:47,288 - ERROR - Learning error in episode 32, step 5: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:47,326 - ERROR - Learning error in episode 32, step 6: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:47,366 - ERROR - Learning error in episode 32, step 7: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:47,368 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:47,408 - ERROR - Learning error in episode 32, step 8: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:47,408 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:47,450 - ERROR - Learning error in episode 32, step 9: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:47,487 - ERROR - Learning error in episode 32, step 10: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:47,529 - ERROR - Learning error in episode 32, step 11: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:47,533 - ERROR - Error in episode 32: running_mean should contain 1 elements not 256 +2025-03-10 10:53:47,535 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:47,573 - ERROR - Learning error in episode 33, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:47,610 - ERROR - Learning error in episode 33, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:47,612 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:47,650 - ERROR - Learning error in episode 33, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:47,687 - ERROR - Learning error in episode 33, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:47,729 - ERROR - Learning error in episode 33, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:47,766 - ERROR - Learning error in episode 33, step 5: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:47,801 - ERROR - Learning error in episode 33, step 6: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:47,844 - ERROR - Learning error in episode 33, step 7: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:47,845 - ERROR - Error in episode 33: running_mean should contain 1 elements not 256 +2025-03-10 10:53:47,847 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:47,889 - ERROR - Learning error in episode 34, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:47,892 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:47,933 - ERROR - Learning error in episode 34, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:47,934 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:47,969 - ERROR - Learning error in episode 34, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:48,012 - ERROR - Learning error in episode 34, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:48,051 - ERROR - Learning error in episode 34, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:48,054 - ERROR - Error in episode 34: running_mean should contain 1 elements not 256 +2025-03-10 10:53:48,054 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:48,094 - ERROR - Learning error in episode 35, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:48,094 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:48,135 - ERROR - Learning error in episode 35, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:48,174 - ERROR - Learning error in episode 35, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:48,176 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:48,217 - ERROR - Learning error in episode 35, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:48,257 - ERROR - Learning error in episode 35, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:48,297 - ERROR - Learning error in episode 35, step 5: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:48,299 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-8.19 +2025-03-10 10:53:48,342 - ERROR - Learning error in episode 35, step 6: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:48,381 - ERROR - Learning error in episode 35, step 7: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:48,383 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:48,411 - ERROR - Learning error in episode 35, step 8: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:48,455 - ERROR - Learning error in episode 35, step 9: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:48,457 - ERROR - Error in episode 35: running_mean should contain 1 elements not 256 +2025-03-10 10:53:48,457 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:48,496 - ERROR - Learning error in episode 36, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:48,534 - ERROR - Learning error in episode 36, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:48,534 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:48,573 - ERROR - Learning error in episode 36, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:48,576 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:48,611 - ERROR - Learning error in episode 36, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:48,614 - ERROR - Error in episode 36: running_mean should contain 1 elements not 256 +2025-03-10 10:53:48,616 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:48,653 - ERROR - Learning error in episode 37, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:48,692 - ERROR - Learning error in episode 37, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:48,692 - ERROR - Error in episode 37: running_mean should contain 1 elements not 256 +2025-03-10 10:53:48,692 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:48,740 - ERROR - Learning error in episode 38, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:48,779 - ERROR - Learning error in episode 38, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:48,818 - ERROR - Learning error in episode 38, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:48,820 - ERROR - Error in episode 38: running_mean should contain 1 elements not 256 +2025-03-10 10:53:48,861 - ERROR - Learning error in episode 39, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:48,863 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:48,903 - ERROR - Learning error in episode 39, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:48,942 - ERROR - Learning error in episode 39, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:48,944 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:48,986 - ERROR - Learning error in episode 39, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:49,026 - ERROR - Learning error in episode 39, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:49,029 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:49,069 - ERROR - Learning error in episode 39, step 5: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:49,109 - ERROR - Learning error in episode 39, step 6: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:49,146 - ERROR - Learning error in episode 39, step 7: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:49,149 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-8.19 +2025-03-10 10:53:49,189 - ERROR - Learning error in episode 39, step 8: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:49,228 - ERROR - Learning error in episode 39, step 9: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:49,267 - ERROR - Learning error in episode 39, step 10: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:49,268 - ERROR - Error in episode 39: running_mean should contain 1 elements not 256 +2025-03-10 10:53:49,270 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:49,311 - ERROR - Learning error in episode 40, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:49,311 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:49,354 - ERROR - Learning error in episode 40, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:49,395 - ERROR - Learning error in episode 40, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:49,437 - ERROR - Learning error in episode 40, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:49,439 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:49,481 - ERROR - Learning error in episode 40, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:49,525 - ERROR - Learning error in episode 40, step 5: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:49,566 - ERROR - Learning error in episode 40, step 6: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:49,605 - ERROR - Learning error in episode 40, step 7: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:49,607 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-8.19 +2025-03-10 10:53:49,651 - ERROR - Learning error in episode 40, step 8: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:49,653 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:49,700 - ERROR - Learning error in episode 40, step 9: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:49,739 - ERROR - Learning error in episode 40, step 10: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:49,778 - ERROR - Learning error in episode 40, step 11: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:49,819 - ERROR - Learning error in episode 40, step 12: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:49,859 - ERROR - Learning error in episode 40, step 13: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:49,896 - ERROR - Learning error in episode 40, step 14: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:49,896 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-7.45 +2025-03-10 10:53:49,936 - ERROR - Learning error in episode 40, step 15: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:49,976 - ERROR - Learning error in episode 40, step 16: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:49,976 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:50,019 - ERROR - Learning error in episode 40, step 17: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:50,061 - ERROR - Learning error in episode 40, step 18: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:50,101 - ERROR - Learning error in episode 40, step 19: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:50,140 - ERROR - Learning error in episode 40, step 20: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:50,181 - ERROR - Learning error in episode 40, step 21: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:50,220 - ERROR - Learning error in episode 40, step 22: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:50,260 - ERROR - Learning error in episode 40, step 23: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:50,302 - ERROR - Learning error in episode 40, step 24: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:50,339 - ERROR - Learning error in episode 40, step 25: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:50,341 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-6.78 +2025-03-10 10:53:50,378 - ERROR - Learning error in episode 40, step 26: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:50,417 - ERROR - Learning error in episode 40, step 27: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:50,460 - ERROR - Learning error in episode 40, step 28: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:50,499 - ERROR - Learning error in episode 40, step 29: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:50,501 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:50,542 - ERROR - Learning error in episode 40, step 30: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:50,584 - ERROR - Learning error in episode 40, step 31: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:50,585 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-6.17 +2025-03-10 10:53:50,626 - ERROR - Learning error in episode 40, step 32: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:50,627 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:50,665 - ERROR - Learning error in episode 40, step 33: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:50,703 - ERROR - Learning error in episode 40, step 34: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:50,745 - ERROR - Learning error in episode 40, step 35: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:50,780 - ERROR - Learning error in episode 40, step 36: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:50,783 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-5.62 +2025-03-10 10:53:50,826 - ERROR - Learning error in episode 40, step 37: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:50,865 - ERROR - Learning error in episode 40, step 38: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:50,867 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:50,902 - ERROR - Learning error in episode 40, step 39: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:50,905 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-5.11 +2025-03-10 10:53:50,944 - ERROR - Learning error in episode 40, step 40: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:50,944 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:50,987 - ERROR - Learning error in episode 40, step 41: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:51,025 - ERROR - Learning error in episode 40, step 42: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:51,067 - ERROR - Learning error in episode 40, step 43: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:51,067 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-4.65 +2025-03-10 10:53:51,104 - ERROR - Learning error in episode 40, step 44: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:51,145 - ERROR - Learning error in episode 40, step 45: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:51,145 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:51,184 - ERROR - Learning error in episode 40, step 46: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:51,226 - ERROR - Learning error in episode 40, step 47: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:51,268 - ERROR - Learning error in episode 40, step 48: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:51,269 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-4.23 +2025-03-10 10:53:51,314 - ERROR - Learning error in episode 40, step 49: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:51,351 - ERROR - Learning error in episode 40, step 50: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:51,352 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:51,392 - ERROR - Learning error in episode 40, step 51: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:51,394 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-3.85 +2025-03-10 10:53:51,433 - ERROR - Learning error in episode 40, step 52: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:51,433 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:51,473 - ERROR - Learning error in episode 40, step 53: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:51,509 - ERROR - Learning error in episode 40, step 54: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:51,550 - ERROR - Learning error in episode 40, step 55: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:51,587 - ERROR - Learning error in episode 40, step 56: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:51,628 - ERROR - Learning error in episode 40, step 57: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:51,665 - ERROR - Learning error in episode 40, step 58: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:51,703 - ERROR - Learning error in episode 40, step 59: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:51,742 - ERROR - Learning error in episode 40, step 60: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:51,780 - ERROR - Learning error in episode 40, step 61: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:51,834 - ERROR - Learning error in episode 40, step 62: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:51,834 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-3.50 +2025-03-10 10:53:51,876 - ERROR - Learning error in episode 40, step 63: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:51,878 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:51,918 - ERROR - Learning error in episode 40, step 64: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:51,962 - ERROR - Learning error in episode 40, step 65: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:51,999 - ERROR - Learning error in episode 40, step 66: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:52,038 - ERROR - Learning error in episode 40, step 67: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:52,078 - ERROR - Learning error in episode 40, step 68: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:52,117 - ERROR - Learning error in episode 40, step 69: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:52,117 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-3.19 +2025-03-10 10:53:52,159 - ERROR - Learning error in episode 40, step 70: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:52,198 - ERROR - Learning error in episode 40, step 71: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:52,201 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:52,238 - ERROR - Learning error in episode 40, step 72: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:52,242 - ERROR - Error in episode 40: running_mean should contain 1 elements not 256 +2025-03-10 10:53:52,242 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:52,282 - ERROR - Learning error in episode 41, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:52,284 - ERROR - Error in episode 41: running_mean should contain 1 elements not 256 +2025-03-10 10:53:52,285 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:52,324 - ERROR - Learning error in episode 42, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:52,326 - ERROR - Error in episode 42: running_mean should contain 1 elements not 256 +2025-03-10 10:53:52,370 - ERROR - Learning error in episode 43, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:52,370 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:52,409 - ERROR - Learning error in episode 43, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:52,447 - ERROR - Learning error in episode 43, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:52,488 - ERROR - Learning error in episode 43, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:52,488 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:52,526 - ERROR - Learning error in episode 43, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:52,528 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:52,569 - ERROR - Learning error in episode 43, step 5: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:52,572 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-8.19 +2025-03-10 10:53:52,613 - ERROR - Learning error in episode 43, step 6: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:52,613 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:52,652 - ERROR - Learning error in episode 43, step 7: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:52,692 - ERROR - Learning error in episode 43, step 8: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:52,734 - ERROR - Learning error in episode 43, step 9: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:52,734 - ERROR - Error in episode 43: running_mean should contain 1 elements not 256 +2025-03-10 10:53:52,734 - ERROR - Error in episode 44: running_mean should contain 1 elements not 256 +2025-03-10 10:53:52,734 - ERROR - Error in episode 45: running_mean should contain 1 elements not 256 +2025-03-10 10:53:52,734 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:52,775 - ERROR - Learning error in episode 46, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:52,812 - ERROR - Learning error in episode 46, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:52,858 - ERROR - Learning error in episode 46, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:52,901 - ERROR - Learning error in episode 46, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:52,934 - ERROR - Learning error in episode 46, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:52,980 - ERROR - Learning error in episode 46, step 5: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:52,981 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:53,021 - ERROR - Learning error in episode 46, step 6: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:53,021 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:53,060 - ERROR - Learning error in episode 46, step 7: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:53,101 - ERROR - Learning error in episode 46, step 8: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:53,103 - ERROR - Error in episode 46: running_mean should contain 1 elements not 256 +2025-03-10 10:53:53,146 - ERROR - Learning error in episode 47, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:53,184 - ERROR - Learning error in episode 47, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:53,217 - ERROR - Learning error in episode 47, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:53,226 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:53,266 - ERROR - Learning error in episode 47, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:53,301 - ERROR - Learning error in episode 47, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:53,342 - ERROR - Learning error in episode 47, step 5: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:53,380 - ERROR - Learning error in episode 47, step 6: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:53,417 - ERROR - Learning error in episode 47, step 7: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:53,453 - ERROR - Learning error in episode 47, step 8: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:53,491 - ERROR - Learning error in episode 47, step 9: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:53,525 - ERROR - Learning error in episode 47, step 10: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:53,570 - ERROR - Learning error in episode 47, step 11: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:53,610 - ERROR - Learning error in episode 47, step 12: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:53,650 - ERROR - Learning error in episode 47, step 13: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:53,691 - ERROR - Learning error in episode 47, step 14: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:53,726 - ERROR - Learning error in episode 47, step 15: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:53,767 - ERROR - Learning error in episode 47, step 16: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:53,809 - ERROR - Learning error in episode 47, step 17: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:53,809 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:53,853 - ERROR - Learning error in episode 47, step 18: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:53,853 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:53,894 - ERROR - Learning error in episode 47, step 19: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:53,938 - ERROR - Learning error in episode 47, step 20: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:53,974 - ERROR - Learning error in episode 47, step 21: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:54,015 - ERROR - Learning error in episode 47, step 22: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:54,054 - ERROR - Learning error in episode 47, step 23: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:54,056 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-8.19 +2025-03-10 10:53:54,094 - ERROR - Learning error in episode 47, step 24: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:54,127 - ERROR - Learning error in episode 47, step 25: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:54,169 - ERROR - Learning error in episode 47, step 26: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:54,209 - ERROR - Learning error in episode 47, step 27: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:54,242 - ERROR - Learning error in episode 47, step 28: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:54,284 - ERROR - Learning error in episode 47, step 29: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:54,327 - ERROR - Learning error in episode 47, step 30: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:54,364 - ERROR - Learning error in episode 47, step 31: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:54,365 - ERROR - Error in episode 47: running_mean should contain 1 elements not 256 +2025-03-10 10:53:54,365 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:54,412 - ERROR - Learning error in episode 48, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:54,453 - ERROR - Learning error in episode 48, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:54,493 - ERROR - Learning error in episode 48, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:54,529 - ERROR - Learning error in episode 48, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:54,575 - ERROR - Learning error in episode 48, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:54,575 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:54,614 - ERROR - Learning error in episode 48, step 5: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:54,614 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:54,655 - ERROR - Learning error in episode 48, step 6: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:54,657 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-8.19 +2025-03-10 10:53:54,693 - ERROR - Learning error in episode 48, step 7: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:54,696 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:54,733 - ERROR - Learning error in episode 48, step 8: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:54,772 - ERROR - Learning error in episode 48, step 9: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:54,811 - ERROR - Learning error in episode 48, step 10: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:54,854 - ERROR - Learning error in episode 48, step 11: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:54,895 - ERROR - Learning error in episode 48, step 12: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:54,895 - ERROR - Error in episode 48: running_mean should contain 1 elements not 256 +2025-03-10 10:53:54,895 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:54,941 - ERROR - Learning error in episode 49, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:54,987 - ERROR - Learning error in episode 49, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:55,031 - ERROR - Learning error in episode 49, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:55,074 - ERROR - Learning error in episode 49, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:55,115 - ERROR - Learning error in episode 49, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:55,155 - ERROR - Learning error in episode 49, step 5: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:55,194 - ERROR - Learning error in episode 49, step 6: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:55,238 - ERROR - Learning error in episode 49, step 7: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:55,277 - ERROR - Learning error in episode 49, step 8: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:55,319 - ERROR - Learning error in episode 49, step 9: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:55,358 - ERROR - Learning error in episode 49, step 10: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:55,358 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:55,396 - ERROR - Learning error in episode 49, step 11: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:55,396 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:55,437 - ERROR - Learning error in episode 49, step 12: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:55,482 - ERROR - Learning error in episode 49, step 13: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:55,526 - ERROR - Learning error in episode 49, step 14: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:55,566 - ERROR - Learning error in episode 49, step 15: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:55,605 - ERROR - Learning error in episode 49, step 16: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:55,645 - ERROR - Learning error in episode 49, step 17: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:55,682 - ERROR - Learning error in episode 49, step 18: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:55,722 - ERROR - Learning error in episode 49, step 19: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:55,767 - ERROR - Learning error in episode 49, step 20: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:55,810 - ERROR - Learning error in episode 49, step 21: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:55,847 - ERROR - Learning error in episode 49, step 22: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:55,851 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-8.19 +2025-03-10 10:53:55,890 - ERROR - Learning error in episode 49, step 23: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:55,892 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:55,929 - ERROR - Learning error in episode 49, step 24: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:55,932 - ERROR - Error in episode 49: running_mean should contain 1 elements not 256 +2025-03-10 10:53:55,934 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:55,975 - ERROR - Learning error in episode 50, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:56,017 - ERROR - Learning error in episode 50, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:56,057 - ERROR - Learning error in episode 50, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:56,095 - ERROR - Learning error in episode 50, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:56,097 - ERROR - Error in episode 50: running_mean should contain 1 elements not 256 +2025-03-10 10:53:56,182 - ERROR - Learning error in episode 51, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:56,264 - ERROR - Learning error in episode 51, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:56,311 - ERROR - Learning error in episode 51, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:56,313 - ERROR - Error in episode 51: running_mean should contain 1 elements not 256 +2025-03-10 10:53:56,313 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:56,349 - ERROR - Learning error in episode 52, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:56,389 - ERROR - Learning error in episode 52, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:56,391 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:56,430 - ERROR - Learning error in episode 52, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:56,430 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:56,468 - ERROR - Learning error in episode 52, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:56,503 - ERROR - Learning error in episode 52, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:56,503 - ERROR - Error in episode 52: running_mean should contain 1 elements not 256 +2025-03-10 10:53:56,546 - ERROR - Learning error in episode 53, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:56,546 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:56,581 - ERROR - Learning error in episode 53, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:56,625 - ERROR - Learning error in episode 53, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:56,664 - ERROR - Learning error in episode 53, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:56,705 - ERROR - Learning error in episode 53, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:56,705 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:56,746 - ERROR - Learning error in episode 53, step 5: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:56,748 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:56,792 - ERROR - Learning error in episode 53, step 6: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:56,835 - ERROR - Learning error in episode 53, step 7: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:56,878 - ERROR - Learning error in episode 53, step 8: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:56,918 - ERROR - Learning error in episode 53, step 9: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:56,958 - ERROR - Learning error in episode 53, step 10: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:56,958 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-8.19 +2025-03-10 10:53:56,997 - ERROR - Learning error in episode 53, step 11: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:57,037 - ERROR - Learning error in episode 53, step 12: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:57,037 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:57,079 - ERROR - Learning error in episode 53, step 13: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:57,118 - ERROR - Learning error in episode 53, step 14: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:57,157 - ERROR - Learning error in episode 53, step 15: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:57,158 - ERROR - Error in episode 53: running_mean should contain 1 elements not 256 +2025-03-10 10:53:57,158 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:57,200 - ERROR - Learning error in episode 54, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:57,242 - ERROR - Learning error in episode 54, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:57,284 - ERROR - Learning error in episode 54, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:57,324 - ERROR - Learning error in episode 54, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:57,366 - ERROR - Learning error in episode 54, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:57,406 - ERROR - Learning error in episode 54, step 5: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:57,447 - ERROR - Learning error in episode 54, step 6: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:57,485 - ERROR - Learning error in episode 54, step 7: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:57,487 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:57,533 - ERROR - Learning error in episode 54, step 8: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:57,572 - ERROR - Learning error in episode 54, step 9: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:57,574 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:57,612 - ERROR - Learning error in episode 54, step 10: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:57,649 - ERROR - Learning error in episode 54, step 11: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:57,686 - ERROR - Learning error in episode 54, step 12: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:57,727 - ERROR - Learning error in episode 54, step 13: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:57,764 - ERROR - Learning error in episode 54, step 14: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:57,802 - ERROR - Learning error in episode 54, step 15: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:57,804 - ERROR - Error in episode 54: running_mean should contain 1 elements not 256 +2025-03-10 10:53:57,806 - ERROR - Error in episode 55: running_mean should contain 1 elements not 256 +2025-03-10 10:53:57,806 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:57,847 - ERROR - Learning error in episode 56, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:57,889 - ERROR - Learning error in episode 56, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:57,891 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:57,932 - ERROR - Learning error in episode 56, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:57,970 - ERROR - Learning error in episode 56, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:58,012 - ERROR - Learning error in episode 56, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:58,052 - ERROR - Learning error in episode 56, step 5: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:58,057 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:58,104 - ERROR - Learning error in episode 56, step 6: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:58,137 - ERROR - Learning error in episode 56, step 7: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:58,141 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-8.19 +2025-03-10 10:53:58,178 - ERROR - Learning error in episode 56, step 8: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:58,178 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:58,220 - ERROR - Learning error in episode 56, step 9: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:58,220 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-7.45 +2025-03-10 10:53:58,260 - ERROR - Learning error in episode 56, step 10: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:58,300 - ERROR - Learning error in episode 56, step 11: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:58,342 - ERROR - Learning error in episode 56, step 12: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:58,344 - ERROR - Error in episode 56: running_mean should contain 1 elements not 256 +2025-03-10 10:53:58,346 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:58,387 - ERROR - Learning error in episode 57, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:58,427 - ERROR - Learning error in episode 57, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:58,465 - ERROR - Learning error in episode 57, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:58,504 - ERROR - Learning error in episode 57, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:58,541 - ERROR - Learning error in episode 57, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:58,586 - ERROR - Learning error in episode 57, step 5: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:58,625 - ERROR - Learning error in episode 57, step 6: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:58,627 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:58,667 - ERROR - Learning error in episode 57, step 7: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:58,667 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:58,707 - ERROR - Learning error in episode 57, step 8: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:58,748 - ERROR - Learning error in episode 57, step 9: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:58,748 - ERROR - Error in episode 57: running_mean should contain 1 elements not 256 +2025-03-10 10:53:58,750 - INFO - OPENED LONG at 2066.64 | Stop loss: 2056.3068 | Take profit: 2097.6395999999995 +2025-03-10 10:53:58,792 - ERROR - Learning error in episode 58, step 0: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:58,830 - ERROR - Learning error in episode 58, step 1: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:58,869 - ERROR - Learning error in episode 58, step 2: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:58,902 - ERROR - Learning error in episode 58, step 3: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:58,910 - INFO - CLOSED long at 2066.64 | PnL: 0.00% | $-9.00 +2025-03-10 10:53:58,950 - ERROR - Learning error in episode 58, step 4: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:58,952 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:58,993 - ERROR - Learning error in episode 58, step 5: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:59,028 - ERROR - Learning error in episode 58, step 6: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:59,073 - ERROR - Learning error in episode 58, step 7: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:59,077 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-8.19 +2025-03-10 10:53:59,119 - ERROR - Learning error in episode 58, step 8: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:59,119 - INFO - OPENED SHORT at 2066.64 | Stop loss: 2076.9731999999995 | Take profit: 2035.6403999999998 +2025-03-10 10:53:59,161 - ERROR - Learning error in episode 58, step 9: 'NoneType' object has no attribute 'data' +2025-03-10 10:53:59,163 - INFO - CLOSED short at 2066.64 | PnL: 0.00% | $-7.45 +2025-03-10 11:18:14,564 - INFO - Fetching initial 60 candles for ETH/USDT... +2025-03-10 11:18:20,685 - INFO - Successfully fetched 60 initial candles +2025-03-10 11:18:20,879 - INFO - Model size: 4,056,837 parameters +2025-03-10 11:18:25,627 - WARNING - No model found at models/trading_agent.pt +2025-03-10 11:18:25,627 - INFO - Starting training mode +2025-03-10 11:18:25,628 - INFO - Starting training... +2025-03-10 11:18:25,629 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:25,629 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:18:25,629 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:25,629 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:18:25,629 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:25,634 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:18:25,635 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:25,635 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-6.78 +2025-03-10 11:18:25,635 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:25,635 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-6.17 +2025-03-10 11:18:25,635 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:25,635 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-5.62 +2025-03-10 11:18:25,635 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:25,635 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-5.11 +2025-03-10 11:18:25,635 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:25,644 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-4.65 +2025-03-10 11:18:25,645 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:25,647 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-4.23 +2025-03-10 11:18:25,647 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:25,650 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-3.85 +2025-03-10 11:18:25,650 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:25,652 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-3.50 +2025-03-10 11:18:25,653 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:26,089 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-3.19 +2025-03-10 11:18:26,194 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:26,256 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-2.90 +2025-03-10 11:18:26,306 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:26,407 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-2.64 +2025-03-10 11:18:26,516 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:26,575 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-2.40 +2025-03-10 11:18:26,628 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:26,686 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-2.19 +2025-03-10 11:18:26,999 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:27,188 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-1.99 +2025-03-10 11:18:27,291 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:27,441 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-1.81 +2025-03-10 11:18:27,485 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:27,541 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-1.65 +2025-03-10 11:18:27,640 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:28,030 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-1.50 +2025-03-10 11:18:28,184 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:28,738 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-1.36 +2025-03-10 11:18:28,789 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:28,897 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-1.24 +2025-03-10 11:18:28,940 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:29,327 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-1.13 +2025-03-10 11:18:29,569 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:29,668 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-1.03 +2025-03-10 11:18:29,914 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:30,061 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-0.94 +2025-03-10 11:18:30,117 - INFO - Episode 0: Reward=-3.40, Balance=$9.46, Win Rate=0.0%, Trades=25 +2025-03-10 11:18:30,254 - INFO - Model saved to models/trading_agent_best.pt +2025-03-10 11:18:30,391 - INFO - Model saved to models/trading_agent_episode_0.pt +2025-03-10 11:18:30,391 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:30,490 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:18:30,536 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:30,882 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:18:30,978 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:31,311 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:18:31,365 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:32,003 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-6.78 +2025-03-10 11:18:32,094 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:32,146 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-6.17 +2025-03-10 11:18:32,192 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:32,239 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-5.62 +2025-03-10 11:18:32,329 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:32,686 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-5.11 +2025-03-10 11:18:32,737 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:33,311 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-4.65 +2025-03-10 11:18:33,467 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:33,516 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-4.23 +2025-03-10 11:18:33,569 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:34,058 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-3.85 +2025-03-10 11:18:34,107 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:34,344 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-3.50 +2025-03-10 11:18:34,398 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:34,644 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-3.19 +2025-03-10 11:18:34,690 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:35,031 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-2.90 +2025-03-10 11:18:35,088 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:35,388 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-2.64 +2025-03-10 11:18:35,438 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:35,781 - ERROR - Error in episode 1: running_mean should contain 1 elements not 256 +2025-03-10 11:18:35,827 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:35,926 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:18:35,973 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:36,021 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:18:36,073 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:36,310 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:18:36,540 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:36,634 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-6.78 +2025-03-10 11:18:36,681 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:36,919 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-6.17 +2025-03-10 11:18:37,019 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:37,164 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-5.62 +2025-03-10 11:18:37,403 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:37,446 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-5.11 +2025-03-10 11:18:37,498 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:37,549 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-4.65 +2025-03-10 11:18:37,645 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:37,693 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-4.23 +2025-03-10 11:18:37,786 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:37,884 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-3.85 +2025-03-10 11:18:37,981 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:38,223 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-3.50 +2025-03-10 11:18:38,269 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:38,537 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-3.19 +2025-03-10 11:18:38,832 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:38,973 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-2.90 +2025-03-10 11:18:39,122 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:39,216 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-2.64 +2025-03-10 11:18:39,305 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:39,784 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-2.40 +2025-03-10 11:18:39,840 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:39,893 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-2.19 +2025-03-10 11:18:39,997 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:40,192 - ERROR - Error in episode 2: running_mean should contain 1 elements not 256 +2025-03-10 11:18:40,237 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:40,529 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:18:40,578 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:41,066 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:18:41,261 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:41,540 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:18:41,587 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:41,725 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-6.78 +2025-03-10 11:18:41,775 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:42,403 - ERROR - Error in episode 3: running_mean should contain 1 elements not 256 +2025-03-10 11:18:42,403 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:42,502 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:18:42,603 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:42,652 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:18:42,704 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:42,945 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:18:42,999 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:43,093 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-6.78 +2025-03-10 11:18:43,194 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:43,384 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-6.17 +2025-03-10 11:18:43,437 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:43,530 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-5.62 +2025-03-10 11:18:43,575 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:43,958 - ERROR - Error in episode 4: running_mean should contain 1 elements not 256 +2025-03-10 11:18:43,958 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:44,139 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:18:44,195 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:44,530 - ERROR - Error in episode 5: running_mean should contain 1 elements not 256 +2025-03-10 11:18:44,530 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:44,578 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:18:44,774 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:44,825 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:18:44,873 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:45,520 - ERROR - Error in episode 6: running_mean should contain 1 elements not 256 +2025-03-10 11:18:45,569 - ERROR - Error in episode 7: running_mean should contain 1 elements not 256 +2025-03-10 11:18:45,618 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:45,662 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:18:45,810 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:45,906 - ERROR - Error in episode 8: running_mean should contain 1 elements not 256 +2025-03-10 11:18:46,132 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:46,388 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:18:46,480 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:46,528 - ERROR - Error in episode 9: running_mean should contain 1 elements not 256 +2025-03-10 11:18:46,528 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:46,582 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:18:46,760 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:46,864 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:18:46,917 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:47,147 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:18:47,197 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:47,329 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-6.78 +2025-03-10 11:18:47,375 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:47,467 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-6.17 +2025-03-10 11:18:47,522 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:47,570 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-5.62 +2025-03-10 11:18:47,620 - ERROR - Error in episode 10: running_mean should contain 1 elements not 256 +2025-03-10 11:18:47,669 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:48,136 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:18:48,182 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:48,279 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:18:48,325 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:48,470 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:18:48,655 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:48,805 - ERROR - Error in episode 11: running_mean should contain 1 elements not 256 +2025-03-10 11:18:48,853 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:48,995 - ERROR - Error in episode 12: running_mean should contain 1 elements not 256 +2025-03-10 11:18:49,179 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:49,226 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:18:49,366 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:49,551 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:18:49,594 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:49,922 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:18:49,965 - ERROR - Error in episode 13: running_mean should contain 1 elements not 256 +2025-03-10 11:18:50,058 - ERROR - Error in episode 14: running_mean should contain 1 elements not 256 +2025-03-10 11:18:50,104 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:50,241 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:18:50,383 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:50,434 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:18:50,480 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:50,528 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:18:50,578 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:50,716 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-6.78 +2025-03-10 11:18:50,819 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:50,961 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-6.17 +2025-03-10 11:18:51,160 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:51,206 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-5.62 +2025-03-10 11:18:51,302 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:51,353 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-5.11 +2025-03-10 11:18:51,449 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:51,638 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-4.65 +2025-03-10 11:18:51,683 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:51,886 - ERROR - Error in episode 15: running_mean should contain 1 elements not 256 +2025-03-10 11:18:51,886 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:51,969 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:18:52,022 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:52,575 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:18:52,620 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:52,906 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:18:52,949 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:53,084 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-6.78 +2025-03-10 11:18:53,137 - ERROR - Error in episode 16: running_mean should contain 1 elements not 256 +2025-03-10 11:18:53,137 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:53,282 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:18:53,333 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:53,951 - ERROR - Error in episode 17: running_mean should contain 1 elements not 256 +2025-03-10 11:18:53,951 - ERROR - Error in episode 18: running_mean should contain 1 elements not 256 +2025-03-10 11:18:53,951 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:54,178 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:18:54,374 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:54,515 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:18:54,564 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:54,705 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:18:54,804 - ERROR - Error in episode 19: running_mean should contain 1 elements not 256 +2025-03-10 11:18:54,854 - ERROR - Error in episode 20: running_mean should contain 1 elements not 256 +2025-03-10 11:18:55,001 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:55,091 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:18:55,135 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:55,186 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:18:55,236 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:55,377 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:18:55,515 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:55,657 - ERROR - Error in episode 21: running_mean should contain 1 elements not 256 +2025-03-10 11:18:55,755 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:55,948 - ERROR - Error in episode 22: running_mean should contain 1 elements not 256 +2025-03-10 11:18:56,048 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:56,287 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:18:56,339 - ERROR - Error in episode 23: running_mean should contain 1 elements not 256 +2025-03-10 11:18:56,387 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:56,440 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:18:56,593 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:56,684 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:18:56,818 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:57,117 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:18:57,251 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:57,397 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-6.78 +2025-03-10 11:18:57,440 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:57,534 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-6.17 +2025-03-10 11:18:57,684 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:57,823 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-5.62 +2025-03-10 11:18:58,007 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:58,110 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-5.11 +2025-03-10 11:18:58,205 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:58,302 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-4.65 +2025-03-10 11:18:58,444 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:58,622 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-4.23 +2025-03-10 11:18:58,677 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:58,719 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-3.85 +2025-03-10 11:18:58,817 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:58,869 - ERROR - Error in episode 24: running_mean should contain 1 elements not 256 +2025-03-10 11:18:58,869 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:58,923 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:18:59,015 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:59,056 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:18:59,151 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:59,291 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:18:59,429 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:18:59,571 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-6.78 +2025-03-10 11:18:59,624 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:18:59,678 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-6.17 +2025-03-10 11:18:59,822 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:00,258 - ERROR - Error in episode 25: running_mean should contain 1 elements not 256 +2025-03-10 11:19:00,309 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:00,357 - ERROR - Error in episode 26: running_mean should contain 1 elements not 256 +2025-03-10 11:19:00,408 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:00,744 - ERROR - Error in episode 27: running_mean should contain 1 elements not 256 +2025-03-10 11:19:00,833 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:00,882 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:00,982 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:01,176 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:01,228 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:01,377 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:19:01,518 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:01,570 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-6.78 +2025-03-10 11:19:01,620 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:01,815 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-6.17 +2025-03-10 11:19:01,858 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:01,957 - ERROR - Error in episode 28: running_mean should contain 1 elements not 256 +2025-03-10 11:19:02,003 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:02,056 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:02,145 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:02,204 - ERROR - Error in episode 29: running_mean should contain 1 elements not 256 +2025-03-10 11:19:02,204 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:02,539 - ERROR - Error in episode 30: running_mean should contain 1 elements not 256 +2025-03-10 11:19:02,539 - ERROR - Error in episode 31: running_mean should contain 1 elements not 256 +2025-03-10 11:19:02,539 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:02,879 - ERROR - Error in episode 32: running_mean should contain 1 elements not 256 +2025-03-10 11:19:02,927 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:03,160 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:03,207 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:03,356 - ERROR - Error in episode 33: running_mean should contain 1 elements not 256 +2025-03-10 11:19:03,545 - ERROR - Error in episode 34: running_mean should contain 1 elements not 256 +2025-03-10 11:19:03,545 - ERROR - Error in episode 35: running_mean should contain 1 elements not 256 +2025-03-10 11:19:03,607 - ERROR - Error in episode 36: running_mean should contain 1 elements not 256 +2025-03-10 11:19:03,607 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:03,653 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:03,851 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:03,954 - ERROR - Error in episode 37: running_mean should contain 1 elements not 256 +2025-03-10 11:19:04,003 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:04,046 - ERROR - Error in episode 38: running_mean should contain 1 elements not 256 +2025-03-10 11:19:04,046 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:04,095 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:04,145 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:04,195 - ERROR - Error in episode 39: running_mean should contain 1 elements not 256 +2025-03-10 11:19:04,254 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:04,357 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:04,408 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:04,601 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:04,647 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:04,842 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:19:04,894 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:05,041 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-6.78 +2025-03-10 11:19:05,087 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:05,136 - ERROR - Error in episode 40: running_mean should contain 1 elements not 256 +2025-03-10 11:19:05,136 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:05,233 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:05,282 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:05,383 - ERROR - Error in episode 41: running_mean should contain 1 elements not 256 +2025-03-10 11:19:05,480 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:05,525 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:05,569 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:05,668 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:05,719 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:05,912 - ERROR - Error in episode 42: running_mean should contain 1 elements not 256 +2025-03-10 11:19:06,011 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:06,061 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:06,149 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:06,351 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:06,453 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:06,553 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:19:06,609 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:06,667 - ERROR - Error in episode 43: running_mean should contain 1 elements not 256 +2025-03-10 11:19:06,720 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:06,829 - ERROR - Error in episode 44: running_mean should contain 1 elements not 256 +2025-03-10 11:19:06,829 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:07,029 - ERROR - Error in episode 45: running_mean should contain 1 elements not 256 +2025-03-10 11:19:07,034 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:07,132 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:07,184 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:07,383 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:07,434 - ERROR - Error in episode 46: running_mean should contain 1 elements not 256 +2025-03-10 11:19:07,479 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:07,533 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:07,586 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:07,684 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:07,890 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:08,088 - ERROR - Error in episode 47: running_mean should contain 1 elements not 256 +2025-03-10 11:19:08,091 - ERROR - Error in episode 48: running_mean should contain 1 elements not 256 +2025-03-10 11:19:08,091 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:08,235 - ERROR - Error in episode 49: running_mean should contain 1 elements not 256 +2025-03-10 11:19:08,237 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:08,294 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:08,404 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:08,555 - ERROR - Error in episode 50: running_mean should contain 1 elements not 256 +2025-03-10 11:19:08,561 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:08,936 - ERROR - Error in episode 51: running_mean should contain 1 elements not 256 +2025-03-10 11:19:09,044 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:09,151 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:09,253 - ERROR - Error in episode 52: running_mean should contain 1 elements not 256 +2025-03-10 11:19:09,357 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:09,742 - ERROR - Error in episode 53: running_mean should contain 1 elements not 256 +2025-03-10 11:19:09,792 - ERROR - Error in episode 54: running_mean should contain 1 elements not 256 +2025-03-10 11:19:09,908 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:09,965 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:10,021 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:10,071 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:10,126 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:10,181 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:19:10,346 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:11,132 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-6.78 +2025-03-10 11:19:11,190 - ERROR - Error in episode 55: running_mean should contain 1 elements not 256 +2025-03-10 11:19:11,190 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:11,459 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:11,513 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:11,673 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:11,871 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:11,935 - ERROR - Error in episode 56: running_mean should contain 1 elements not 256 +2025-03-10 11:19:11,988 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:12,046 - ERROR - Error in episode 57: running_mean should contain 1 elements not 256 +2025-03-10 11:19:12,047 - ERROR - Error in episode 58: running_mean should contain 1 elements not 256 +2025-03-10 11:19:12,047 - ERROR - Error in episode 59: running_mean should contain 1 elements not 256 +2025-03-10 11:19:12,099 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:12,370 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:12,421 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:12,571 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:12,829 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:12,988 - ERROR - Error in episode 60: running_mean should contain 1 elements not 256 +2025-03-10 11:19:13,096 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:13,204 - ERROR - Error in episode 61: running_mean should contain 1 elements not 256 +2025-03-10 11:19:13,204 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:13,308 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:13,404 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:13,507 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:13,554 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:13,885 - ERROR - Error in episode 62: running_mean should contain 1 elements not 256 +2025-03-10 11:19:13,935 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:14,072 - ERROR - Error in episode 63: running_mean should contain 1 elements not 256 +2025-03-10 11:19:14,072 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:14,210 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:14,259 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:14,544 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:14,691 - ERROR - Error in episode 64: running_mean should contain 1 elements not 256 +2025-03-10 11:19:14,693 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:14,829 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:14,885 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:15,118 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:15,162 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:15,212 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:19:15,256 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:15,359 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-6.78 +2025-03-10 11:19:15,455 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:15,543 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-6.17 +2025-03-10 11:19:15,640 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:15,687 - ERROR - Error in episode 65: running_mean should contain 1 elements not 256 +2025-03-10 11:19:15,687 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:15,738 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:15,837 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:16,078 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:16,261 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:16,447 - ERROR - Error in episode 66: running_mean should contain 1 elements not 256 +2025-03-10 11:19:16,447 - ERROR - Error in episode 67: running_mean should contain 1 elements not 256 +2025-03-10 11:19:16,555 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:16,649 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:16,796 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:17,096 - ERROR - Error in episode 68: running_mean should contain 1 elements not 256 +2025-03-10 11:19:17,096 - ERROR - Error in episode 69: running_mean should contain 1 elements not 256 +2025-03-10 11:19:17,148 - ERROR - Error in episode 70: running_mean should contain 1 elements not 256 +2025-03-10 11:19:17,196 - ERROR - Error in episode 71: running_mean should contain 1 elements not 256 +2025-03-10 11:19:17,196 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:17,291 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:17,381 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:17,452 - ERROR - Error in episode 72: running_mean should contain 1 elements not 256 +2025-03-10 11:19:17,550 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:17,731 - ERROR - Error in episode 73: running_mean should contain 1 elements not 256 +2025-03-10 11:19:17,776 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +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