diff --git a/.gitignore b/.gitignore index c4093f7..aed4a46 100644 --- a/.gitignore +++ b/.gitignore @@ -38,4 +38,6 @@ crypto/gogo2/trading_bot.log crypto/gogo2/checkpoints/trading_agent_episode_*.pt *trading_agent_continuous_*.pt *trading_agent_episode_*.pt -crypto/gogo2/models/trading_agent_continuous_150.pt +crypto/gogo2/models/trading_agent_continuous_*.pt +crypto/gogo2/visualizations/training_episode_*.png +crypto/gogo2/checkpoints/trading_agent_episode_*.pt diff --git a/crypto/gogo2/_model.md b/crypto/gogo2/_model.md new file mode 100644 index 0000000..d4a697c --- /dev/null +++ b/crypto/gogo2/_model.md @@ -0,0 +1,67 @@ +# Neural Network Architecture Analysis for Trading Bot + +## Overview + +This document provides a comprehensive analysis of the neural network architecture used in our trading bot system. The system consists of two main neural network components: + +1. **Price Prediction Model** - Forecasts future price movements and extrema points +2. **DQN (Deep Q-Network)** - Makes trading decisions based on state representations + +## 1. Price Prediction Model + +### Architecture + +``` +PricePredictionModel(nn.Module) +├── Input Layer: [batch_size, seq_len, 2] (price, volume) +├── LSTM Layers: 2 stacked layers with hidden_size=128 +├── Attention Mechanism: Self-attention with linear projections +├── Linear Layer 1: hidden_size → hidden_size +├── ReLU Activation +├── Linear Layer 2: hidden_size → output_size (5 future prices) +└── Output: [batch_size, output_size] +``` + +### Data Flow + +**Inputs:** +- `price_history`: Sequence of historical prices [batch_size, seq_len] +- `volume_history`: Sequence of historical volumes [batch_size, seq_len] + +**Preprocessing:** +- Normalization using MinMaxScaler (0-1 range) +- Reshaping to [batch_size, seq_len, 2] (price and volume features) + +**Forward Pass:** +1. Input data passes through LSTM layers +2. Self-attention mechanism applied to LSTM outputs +3. Linear layers process the attended features +4. Output represents predicted prices for next 5 candles + +**Outputs:** +- `predicted_prices`: Array of 5 future price predictions +- `predicted_extrema`: Binary indicators for potential price extrema points + +## 2. DQN (Deep Q-Network) + +### Architecture + +``` +DQN(nn.Module) +├── Input Layer: [batch_size, state_size] +├── Linear Layer 1: state_size → hidden_size (384) +├── ReLU Activation +├── LSTM Layers: 2 stacked layers with hidden_size=384 +├── Multi-Head Attention: 4 attention heads +├── Linear Layer 2: hidden_size → hidden_size +├── ReLU Activation +├── Linear Layer 3: hidden_size → action_size (4) +└── Output: [batch_size, action_size] (Q-values for each action) +``` + +### Data Flow + +**Inputs:** +- `state`: Current market state representation [batch_size, state_size] + - Price features (normalized prices, returns, volatility) + - Technical indicators (RSI, MACD, Stochastic, diff --git a/crypto/gogo2/_notes.md b/crypto/gogo2/_notes.md index 5ef19f9..49d8e5a 100644 --- a/crypto/gogo2/_notes.md +++ b/crypto/gogo2/_notes.md @@ -4,6 +4,12 @@ ensure we use GPU if available to train faster. during training we need to have +do we call the trading api proerly when in live mode? in live mode - also validate the current ballance. also ensure trades are executed after executing the orders by checking the open orders. + +our trading data chart (in tensorboard) does not properly displayed - the candles seems displayed multiple times but shifted in time. we also do not correctly show the buy/sell evens on the time axis. we do not show the predicted price on the chart. + + + 2025-03-10 12:11:28,651 - INFO - Initialized environment with 500 candles C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\transformer.py:385: UserWarning: enable_nested_tensor is True, but self.use_nested_tensor is False because encoder_layer.self_attn.batch_first was not True(use batch_first for better inference performance) @@ -21,4 +27,14 @@ Backend tkagg is interactive backend. Turning interactive mode on. -2025-03-10 12:35:14,489 - INFO - Episode 34: Reward=232.41, Balance=$98.47, Win Rate=70.6%, Trades=17, Episode PnL=$-1.33, Total PnL=$-559.78, Max Drawdown=7.0%, Pred Accuracy=99.9% \ No newline at end of file +2025-03-10 12:35:14,489 - INFO - Episode 34: Reward=232.41, Balance=$98.47, Win Rate=70.6%, Trades=17, Episode PnL=$-1.33, Total PnL=$-559.78, Max Drawdown=7.0%, Pred Accuracy=99.9% + + +---------------- + +do we train the price prediction model by using old known candles and masking the latest to make him guess the next and then backpropagating the next already known candle ? like a transformer (gpt2) would do? or we use RL for that as well? +it seems the model is not learning a lot. we keep hovering about the same starting balance even after some time in training in continious mode + + + it seems we may need another NN model down the loop jut to predict the extremums of the price. +we may have to include a mechanism to calculate the extremums of the price retrospectively and to use that to bootstrap pre-train the model. diff --git a/crypto/gogo2/archive.py b/crypto/gogo2/archive.py new file mode 100644 index 0000000..d63b16d --- /dev/null +++ b/crypto/gogo2/archive.py @@ -0,0 +1,362 @@ +class MexcTradingClient: + def __init__(self, api_key, secret_key, symbol="ETH/USDT", leverage=50): + self.client = ccxt.mexc({ + 'apiKey': api_key, + 'secret': secret_key, + 'enableRateLimit': True, + }) + self.symbol = symbol + self.leverage = leverage + self.position = 'flat' + self.position_size = 0 + self.entry_price = 0 + self.stop_loss = 0 + self.take_profit = 0 + self.trades = [] + + def initialize_mexc_client(self, api_key, api_secret): + """Initialize the MEXC API client""" + try: + from mexc_sdk import Spot + self.mexc_client = Spot(api_key=api_key, api_secret=api_secret) + # Test connection + self.mexc_client.ping() + logger.info("MEXC API client initialized successfully") + return True + except Exception as e: + logger.error(f"Failed to initialize MEXC API client: {e}") + logger.error(traceback.format_exc()) + return False + + async def fetch_account_balance(self): + """Fetch actual account balance from MEXC API""" + if self.demo or not self.mexc_client: + # In demo mode, use simulated balance + return self.balance + + try: + account_info = self.mexc_client.accountInfo() + if 'balances' in account_info: + # Find USDT balance + for asset in account_info['balances']: + if asset['asset'] == 'USDT': + return float(asset['free']) + + logger.warning("Could not find USDT balance, using current simulated balance") + return self.balance + except Exception as e: + logger.error(f"Error fetching account balance: {e}") + logger.error(traceback.format_exc()) + # Fallback to simulated balance in case of API error + return self.balance + + async def fetch_open_positions(self): + """Fetch actual open positions from MEXC API""" + if self.demo or not self.mexc_client: + # In demo mode, return current simulated position + return [{ + 'symbol': 'ETH/USDT', + 'positionSide': 'LONG' if self.position == 'long' else 'SHORT' if self.position == 'short' else 'NONE', + 'positionAmt': self.position_size / self.current_price if self.position != 'flat' else 0, + 'entryPrice': self.entry_price, + 'unrealizedProfit': self.calculate_unrealized_pnl() + }] if self.position != 'flat' else [] + + try: + # Fetch open positions + positions = self.mexc_client.openOrders('ETH/USDT') + return positions + except Exception as e: + logger.error(f"Error fetching open positions: {e}") + logger.error(traceback.format_exc()) + # Fallback to simulated positions in case of API error + return [] + + def calculate_unrealized_pnl(self): + """Calculate unrealized PnL for the current position""" + if self.position == 'flat': + return 0.0 + + position_value = self.position_size / self.entry_price + + if self.position == 'long': + pnl_percent = (self.current_price - self.entry_price) / self.entry_price * 100 + else: # short + pnl_percent = (self.entry_price - self.current_price) / self.entry_price * 100 + + # Apply leverage + pnl_percent *= self.leverage + + return position_value * pnl_percent / 100 + + async def open_position(self, position_type, size, entry_price, stop_loss, take_profit): + """Open a new position using MEXC API in live mode, or simulate in demo mode""" + if self.demo or not self.mexc_client: + # In demo mode, simulate opening a position + self.position = position_type + self.position_size = size + self.entry_price = entry_price + self.entry_index = self.current_step + self.stop_loss = stop_loss + self.take_profit = take_profit + + logger.info(f"DEMO: Opened {position_type.upper()} position at {entry_price} | " + + f"Size: ${size:.2f} | SL: {stop_loss:.2f} | TP: {take_profit:.2f}") + return True + + try: + # In live mode, place actual orders via API + symbol = "ETHUSDT" # Format required by MEXC + side = "BUY" if position_type == 'long' else "SELL" + + # Calculate quantity based on size and price + quantity = size / entry_price + + # Place main order + order_result = self.mexc_client.newOrder( + symbol=symbol, + side=side, + orderType="MARKET", + quantity=quantity, + options={ + "leverage": self.leverage, + "newOrderRespType": "FULL" + } + ) + + # Check if order executed + if order_result.get('status') == 'FILLED': + actual_entry_price = float(order_result.get('price', entry_price)) + + # Place stop loss order + sl_order = self.mexc_client.newOrder( + symbol=symbol, + side="SELL" if position_type == 'long' else "BUY", + orderType="STOP_LOSS", + quantity=quantity, + options={ + "stopPrice": stop_loss, + "newOrderRespType": "ACK" + } + ) + + # Place take profit order + tp_order = self.mexc_client.newOrder( + symbol=symbol, + side="SELL" if position_type == 'long' else "BUY", + orderType="TAKE_PROFIT", + quantity=quantity, + options={ + "stopPrice": take_profit, + "newOrderRespType": "ACK" + } + ) + + # Update local state + self.position = position_type + self.position_size = size + self.entry_price = actual_entry_price + self.entry_index = self.current_step + self.stop_loss = stop_loss + self.take_profit = take_profit + + # Track orders + self.open_orders.extend([sl_order, tp_order]) + self.order_history.append(order_result) + + logger.info(f"LIVE: Opened {position_type.upper()} position at {actual_entry_price} | " + + f"Size: ${size:.2f} | SL: {stop_loss:.2f} | TP: {take_profit:.2f}") + return True + + else: + logger.error(f"Failed to execute order: {order_result}") + return False + + except Exception as e: + logger.error(f"Error opening position: {e}") + logger.error(traceback.format_exc()) + return False + + async def close_position(self, reason="manual_close"): + """Close the current position using MEXC API in live mode, or simulate in demo mode""" + if self.position == 'flat': + logger.info("No position to close") + return False + + if self.demo or not self.mexc_client: + # In demo mode, simulate closing a position + position_type = self.position + entry_price = self.entry_price + exit_price = self.current_price + position_size = self.position_size + + # Calculate PnL + if position_type == 'long': + pnl_percent = (exit_price - entry_price) / entry_price * 100 + else: # short + pnl_percent = (entry_price - exit_price) / entry_price * 100 + + # Apply leverage + pnl_percent *= self.leverage + + # Calculate actual PnL + pnl_dollar = position_size * pnl_percent / 100 + + # Apply fees + pnl_dollar -= self.calculate_fees(position_size) + + # Update balance + self.balance += pnl_dollar + self.total_pnl += pnl_dollar + self.episode_pnl += pnl_dollar + + # Update max drawdown + if self.balance > self.peak_balance: + self.peak_balance = self.balance + drawdown = (self.peak_balance - self.balance) / self.peak_balance + self.max_drawdown = max(self.max_drawdown, drawdown) + + # Record trade + self.trades.append({ + 'type': position_type, + 'entry': entry_price, + 'exit': exit_price, + 'entry_time': self.data[self.entry_index]['timestamp'], + 'exit_time': self.data[self.current_step]['timestamp'], + 'pnl_percent': pnl_percent, + 'pnl_dollar': pnl_dollar, + 'duration': self.current_step - self.entry_index, + 'market_direction': self.get_market_direction(), + 'reason': reason, + 'leverage': self.leverage + }) + + # Update win/loss count + if pnl_dollar > 0: + self.win_count += 1 + else: + self.loss_count += 1 + + logger.info(f"DEMO: Closed {position_type} at {exit_price} | PnL: {pnl_percent:.2f}% | ${pnl_dollar:.2f}") + + # Reset position + self.position = 'flat' + self.entry_price = 0 + self.entry_index = 0 + self.position_size = 0 + self.stop_loss = 0 + self.take_profit = 0 + + return True + + try: + # In live mode, close position via API + symbol = "ETHUSDT" + position_info = await self.fetch_open_positions() + + if not position_info: + logger.warning("No open positions found to close") + self.position = 'flat' + return False + + # First, cancel any existing stop loss/take profit orders + try: + self.mexc_client.cancelOpenOrders(symbol) + except Exception as e: + logger.warning(f"Error canceling open orders: {e}") + + # Close the position with a market order + position_type = self.position + side = "SELL" if position_type == 'long' else "BUY" + quantity = self.position_size / self.current_price + + # Execute order + order_result = self.mexc_client.newOrder( + symbol=symbol, + side=side, + orderType="MARKET", + quantity=quantity, + options={ + "newOrderRespType": "FULL" + } + ) + + # Check if order executed + if order_result.get('status') == 'FILLED': + exit_price = float(order_result.get('price', self.current_price)) + entry_price = self.entry_price + position_size = self.position_size + + # Calculate PnL + if position_type == 'long': + pnl_percent = (exit_price - entry_price) / entry_price * 100 + else: # short + pnl_percent = (entry_price - exit_price) / entry_price * 100 + + # Apply leverage + pnl_percent *= self.leverage + + # Calculate actual PnL + pnl_dollar = position_size * pnl_percent / 100 + + # Apply fees + pnl_dollar -= self.calculate_fees(position_size) + + # Update balance from API + self.balance = await self.fetch_account_balance() + self.total_pnl += pnl_dollar + self.episode_pnl += pnl_dollar + + # Update max drawdown + if self.balance > self.peak_balance: + self.peak_balance = self.balance + drawdown = (self.peak_balance - self.balance) / self.peak_balance + self.max_drawdown = max(self.max_drawdown, drawdown) + + # Record trade + self.trades.append({ + 'type': position_type, + 'entry': entry_price, + 'exit': exit_price, + 'entry_time': self.data[self.entry_index]['timestamp'], + 'exit_time': self.data[self.current_step]['timestamp'], + 'pnl_percent': pnl_percent, + 'pnl_dollar': pnl_dollar, + 'duration': self.current_step - self.entry_index, + 'market_direction': self.get_market_direction(), + 'reason': reason, + 'leverage': self.leverage, + 'order_id': order_result.get('orderId') + }) + + # Update win/loss count + if pnl_dollar > 0: + self.win_count += 1 + else: + self.loss_count += 1 + + # Track order history + self.order_history.append(order_result) + + logger.info(f"LIVE: Closed {position_type} at {exit_price} | PnL: {pnl_percent:.2f}% | ${pnl_dollar:.2f}") + + # Reset position + self.position = 'flat' + self.entry_price = 0 + self.entry_index = 0 + self.position_size = 0 + self.stop_loss = 0 + self.take_profit = 0 + + return True + else: + logger.error(f"Failed to close position: {order_result}") + return False + + except Exception as e: + logger.error(f"Error closing position: {e}") + logger.error(traceback.format_exc()) + return False + + + diff --git a/crypto/gogo2/checkpoints/best_metrics.json b/crypto/gogo2/checkpoints/best_metrics.json index e7e0e50..80536fb 100644 --- a/crypto/gogo2/checkpoints/best_metrics.json +++ b/crypto/gogo2/checkpoints/best_metrics.json @@ -1 +1 @@ -{"best_reward": 202.7441047517104, "best_pnl": 9.268344827764809, "best_win_rate": 73.33333333333333, "last_episode": 30, "timestamp": "2025-03-10T17:57:19.913481"} \ No newline at end of file +{"best_reward": 202.7441047517104, "best_pnl": 9.268344827764809, "best_win_rate": 73.33333333333333, "last_episode": 0, "timestamp": "2025-03-12T00:23:19.125190"} \ No newline at end of file diff --git a/crypto/gogo2/count_params.py b/crypto/gogo2/count_params.py new file mode 100644 index 0000000..95f2fb0 --- /dev/null +++ b/crypto/gogo2/count_params.py @@ -0,0 +1,207 @@ +import torch +import torch.nn as nn +import torch.nn.functional as F +from torch.nn import TransformerEncoder, TransformerEncoderLayer + +class PricePredictionModel(nn.Module): + def __init__(self, input_dim=2, hidden_dim=128, num_layers=2, output_dim=5): + super(PricePredictionModel, self).__init__() + self.hidden_dim = hidden_dim + self.num_layers = num_layers + + # LSTM layers + self.lstm = nn.LSTM(input_dim, hidden_dim, num_layers, batch_first=True) + + # Self-attention mechanism + self.attention = nn.MultiheadAttention(hidden_dim, num_heads=4, batch_first=True) + + # Fully connected layer for price prediction + self.price_fc = nn.Linear(hidden_dim, output_dim) + + # Fully connected layer for extrema prediction (high and low points) + self.extrema_fc = nn.Linear(hidden_dim, 10) # 5 time steps, 2 classes (high/low) each + + def forward(self, x): + # x shape: (batch_size, seq_len, input_dim) + + # LSTM forward pass + lstm_out, _ = self.lstm(x) # lstm_out: (batch_size, seq_len, hidden_dim) + + # Self-attention + attn_output, _ = self.attention(lstm_out, lstm_out, lstm_out) + + # Price prediction + price_pred = self.price_fc(attn_output[:, -1, :]) # Use the last time step + + # Extrema prediction + extrema_logits = self.extrema_fc(attn_output[:, -1, :]) + + return price_pred, extrema_logits + +class DQN(nn.Module): + def __init__(self, state_dim, action_dim, hidden_dim=256): + super(DQN, self).__init__() + + # Feature extraction layers + self.feature_extraction = nn.Sequential( + nn.Linear(state_dim, hidden_dim), + nn.LeakyReLU(), + nn.Linear(hidden_dim, hidden_dim), + nn.LeakyReLU(), + ) + + # Advantage stream + self.advantage_stream = nn.Sequential( + nn.Linear(hidden_dim, hidden_dim), + nn.LeakyReLU(), + nn.Linear(hidden_dim, action_dim) + ) + + # Value stream + self.value_stream = nn.Sequential( + nn.Linear(hidden_dim, hidden_dim), + nn.LeakyReLU(), + nn.Linear(hidden_dim, 1) + ) + + # Transformer for temporal dependencies + encoder_layers = TransformerEncoderLayer(d_model=hidden_dim, nhead=4, dim_feedforward=hidden_dim*4, batch_first=True) + self.transformer = TransformerEncoder(encoder_layers, num_layers=2) + + # LSTM for sequential decision making + self.lstm = nn.LSTM(hidden_dim, hidden_dim, batch_first=True) + + # Final layers + self.final_layers = nn.Sequential( + nn.Linear(hidden_dim*2, hidden_dim), + nn.LeakyReLU(), + nn.Linear(hidden_dim, action_dim) + ) + + def forward(self, state, hidden=None): + # Extract features + features = self.feature_extraction(state) + features = features.unsqueeze(1) # Add sequence dimension for transformer/LSTM + + # Transformer processing + transformer_out = self.transformer(features) + + # LSTM processing + lstm_out, lstm_hidden = self.lstm(transformer_out) + + # Dueling architecture + advantage = self.advantage_stream(features.squeeze(1)) + value = self.value_stream(features.squeeze(1)) + + # Combine transformer, LSTM and dueling outputs + combined = torch.cat([transformer_out.squeeze(1), lstm_out.squeeze(1)], dim=1) + q_values = self.final_layers(combined) + + # Dueling Q-value computation + q_values = value + advantage - advantage.mean(dim=1, keepdim=True) + + return q_values, lstm_hidden + +def count_parameters(model): + total_params = 0 + layer_params = {} + + for name, param in model.named_parameters(): + if param.requires_grad: + param_count = param.numel() + total_params += param_count + layer_params[name] = (param_count, param.shape) + + return total_params, layer_params + +def main(): + # Initialize the Price Prediction Model + price_model = PricePredictionModel() + price_total_params, price_layer_params = count_parameters(price_model) + + print(f"Price Prediction Model parameters: {price_total_params:,}") + print("\nPrice Prediction Model Layers:") + for name, (count, shape) in price_layer_params.items(): + print(f"{name}: {count:,} (shape: {shape})") + + # Initialize the DQN Model with typical dimensions + state_dim = 50 # Typical state dimension for the trading bot + action_dim = 3 # Typical action dimension (buy, sell, hold) + dqn_model = DQN(state_dim=state_dim, action_dim=action_dim) + dqn_total_params, dqn_layer_params = count_parameters(dqn_model) + + # Count parameters by category + feature_extraction_params = sum(count for name, (count, _) in dqn_layer_params.items() if "feature_extraction" in name) + advantage_value_params = sum(count for name, (count, _) in dqn_layer_params.items() if "advantage_stream" in name or "value_stream" in name) + transformer_params = sum(count for name, (count, _) in dqn_layer_params.items() if "transformer" in name) + lstm_params = sum(count for name, (count, _) in dqn_layer_params.items() if "lstm" in name and "transformer" not in name) + final_layers_params = sum(count for name, (count, _) in dqn_layer_params.items() if "final_layers" in name) + + print(f"\nDQN Model parameters: {dqn_total_params:,}") + + # Create sets to track which parameters we've printed + printed_params = set() + + # Print DQN layers in groups to avoid output truncation + print(f"\nDQN Model Layers (Feature Extraction): {feature_extraction_params:,} parameters") + for name, (count, shape) in dqn_layer_params.items(): + if "feature_extraction" in name: + print(f"{name}: {count:,} (shape: {shape})") + printed_params.add(name) + + print(f"\nDQN Model Layers (Advantage & Value Streams): {advantage_value_params:,} parameters") + for name, (count, shape) in dqn_layer_params.items(): + if "advantage_stream" in name or "value_stream" in name: + print(f"{name}: {count:,} (shape: {shape})") + printed_params.add(name) + + print(f"\nDQN Model Layers (Transformer): {transformer_params:,} parameters") + for name, (count, shape) in dqn_layer_params.items(): + if "transformer" in name: + print(f"{name}: {count:,} (shape: {shape})") + printed_params.add(name) + + print(f"\nDQN Model Layers (LSTM): {lstm_params:,} parameters") + for name, (count, shape) in dqn_layer_params.items(): + if "lstm" in name and "transformer" not in name: + print(f"{name}: {count:,} (shape: {shape})") + printed_params.add(name) + + print(f"\nDQN Model Layers (Final Layers): {final_layers_params:,} parameters") + for name, (count, shape) in dqn_layer_params.items(): + if "final_layers" in name: + print(f"{name}: {count:,} (shape: {shape})") + printed_params.add(name) + + # Print any remaining parameters that weren't caught by the categories above + remaining_params = set(dqn_layer_params.keys()) - printed_params + if remaining_params: + remaining_params_count = sum(dqn_layer_params[name][0] for name in remaining_params) + print(f"\nDQN Model Layers (Other): {remaining_params_count:,} parameters") + for name in remaining_params: + count, shape = dqn_layer_params[name] + print(f"{name}: {count:,} (shape: {shape})") + + # Total parameters across both models + print(f"\nTotal parameters (both models): {price_total_params + dqn_total_params:,}") + + # Print summary of parameter distribution + print("\nParameter Distribution Summary:") + print(f"Price Prediction Model: {price_total_params:,} parameters ({price_total_params/(price_total_params + dqn_total_params)*100:.1f}%)") + print(f"DQN Model: {dqn_total_params:,} parameters ({dqn_total_params/(price_total_params + dqn_total_params)*100:.1f}%)") + print("\nDQN Model Breakdown:") + print(f"- Feature Extraction: {feature_extraction_params:,} parameters ({feature_extraction_params/dqn_total_params*100:.1f}%)") + print(f"- Advantage & Value Streams: {advantage_value_params:,} parameters ({advantage_value_params/dqn_total_params*100:.1f}%)") + print(f"- Transformer: {transformer_params:,} parameters ({transformer_params/dqn_total_params*100:.1f}%)") + print(f"- LSTM: {lstm_params:,} parameters ({lstm_params/dqn_total_params*100:.1f}%)") + print(f"- Final Layers: {final_layers_params:,} parameters ({final_layers_params/dqn_total_params*100:.1f}%)") + + # Verify that all parameters are accounted for + total_by_category = feature_extraction_params + advantage_value_params + transformer_params + lstm_params + final_layers_params + if remaining_params: + total_by_category += remaining_params_count + print(f"\nSum of all categories: {total_by_category:,} parameters") + print(f"Difference from total: {dqn_total_params - total_by_category:,} parameters") + +if __name__ == "__main__": + main() \ No newline at end of file diff --git a/crypto/gogo2/fix_indentation.py b/crypto/gogo2/fix_indentation.py new file mode 100644 index 0000000..dcb07e3 --- /dev/null +++ b/crypto/gogo2/fix_indentation.py @@ -0,0 +1,42 @@ +def fix_indentation(): + with open('main.py', 'r') as f: + lines = f.readlines() + + # Fix indentation for the problematic sections + fixed_lines = [] + + # Find the try block that starts at line 1693 + try_start_line = 1693 + try_block_found = False + in_try_block = False + + for i, line in enumerate(lines): + # Check if we're at the try statement + if i+1 == try_start_line and 'try:' in line: + try_block_found = True + in_try_block = True + fixed_lines.append(line) + # Fix the indentation of the experiences line + elif i+1 == 1695 and line.strip().startswith('experiences = self.memory.sample(BATCH_SIZE)'): + # Add proper indentation (4 spaces) + fixed_lines.append(' ' + line.lstrip()) + # Check if we're at the end of the try block without an except + elif try_block_found and in_try_block and i+1 > try_start_line and line.strip() and not line.startswith(' '): + # We've reached the end of the try block without an except, add one + fixed_lines.append(' except Exception as e:\n') + fixed_lines.append(' logger.error(f"Error during learning: {e}")\n') + fixed_lines.append(' logger.error(f"Traceback: {traceback.format_exc()}")\n') + fixed_lines.append(' return None\n\n') + in_try_block = False + fixed_lines.append(line) + else: + fixed_lines.append(line) + + # Write the fixed content back to the file + with open('main.py', 'w') as f: + f.writelines(fixed_lines) + + print("Indentation fixed!") + +if __name__ == "__main__": + fix_indentation() \ No newline at end of file diff --git a/crypto/gogo2/fix_try_blocks.py b/crypto/gogo2/fix_try_blocks.py new file mode 100644 index 0000000..58c73a3 --- /dev/null +++ b/crypto/gogo2/fix_try_blocks.py @@ -0,0 +1,22 @@ +import re + +def fix_try_blocks(): + with open('main.py', 'r') as f: + content = f.read() + + # Find all try blocks without except or finally + pattern = r'(\s+)try:\s*\n((?:\1\s+.*\n)+?)(?!\1\s*except|\1\s*finally)' + + # Replace with try-except blocks + fixed_content = re.sub(pattern, + r'\1try:\n\2\1except Exception as e:\n\1 logger.error(f"Error: {e}")\n\1 logger.error(f"Traceback: {traceback.format_exc()}")\n\1 return None\n\n', + content) + + # Write the fixed content back to the file + with open('main.py', 'w') as f: + f.write(fixed_content) + + print("Try blocks fixed!") + +if __name__ == "__main__": + fix_try_blocks() \ No newline at end of file diff --git a/crypto/gogo2/main.py b/crypto/gogo2/main.py index 41d30f6..c97b330 100644 --- a/crypto/gogo2/main.py +++ b/crypto/gogo2/main.py @@ -1151,10 +1151,10 @@ class TradingEnvironment: # Reward based on PnL if pnl_dollar > 0: - reward = 1.0 + pnl_dollar / 10 # Positive reward for profit + reward = 2.0 + pnl_dollar * 0.5 # Increased positive reward for profit self.win_count += 1 else: - reward = -1.0 # Negative reward for loss + reward = -2.0 - abs(pnl_dollar) * 0.3 # Stronger negative reward for loss self.loss_count += 1 logger.info(f"CLOSED short at {self.current_price} | PnL: {pnl_percent:.2f}% | ${pnl_dollar:.2f}") @@ -1238,10 +1238,15 @@ class TradingEnvironment: # Reward based on PnL if pnl_dollar > 0: - reward = 1.0 + pnl_dollar / 10 # Positive reward for profit + reward = 2.0 + pnl_dollar * 0.5 # Increased positive reward for profit self.win_count += 1 + + # Extra reward for closing at a predicted high + if hasattr(self, 'has_predicted_high') and self.has_predicted_high: + reward += 1.0 + logger.info("Closing long at predicted high - additional reward") else: - reward = -1.0 # Negative reward for loss + reward = -2.0 - abs(pnl_dollar) * 0.3 # Stronger negative reward for loss self.loss_count += 1 logger.info(f"CLOSED long at {self.current_price} | PnL: {pnl_percent:.2f}% | ${pnl_dollar:.2f}") @@ -1296,15 +1301,15 @@ class TradingEnvironment: # Reward based on PnL if pnl_dollar > 0: - reward = 1.0 + pnl_dollar / 10 # Positive reward for profit + reward = 2.0 + pnl_dollar * 0.5 # Increased positive reward for profit self.win_count += 1 # Extra reward for closing at a predicted high if hasattr(self, 'has_predicted_high') and self.has_predicted_high: - reward += 0.5 + reward += 1.0 logger.info("Closing long at predicted high - additional reward") else: - reward = -1.0 # Negative reward for loss + reward = -2.0 - abs(pnl_dollar) * 0.3 # Stronger negative reward for loss self.loss_count += 1 logger.info(f"CLOSED long at {self.current_price} | PnL: {pnl_percent:.2f}% | ${pnl_dollar:.2f}") @@ -1354,15 +1359,15 @@ class TradingEnvironment: # Reward based on PnL if pnl_dollar > 0: - reward = 1.0 + pnl_dollar / 10 # Positive reward for profit + reward = 2.0 + pnl_dollar * 0.5 # Increased positive reward for profit self.win_count += 1 # Extra reward for closing at a predicted low if hasattr(self, 'has_predicted_low') and self.has_predicted_low: - reward += 0.5 + reward += 1.0 logger.info("Closing short at predicted low - additional reward") else: - reward = -1.0 # Negative reward for loss + reward = -2.0 - abs(pnl_dollar) * 0.3 # Stronger negative reward for loss self.loss_count += 1 logger.info(f"CLOSED short at {self.current_price} | PnL: {pnl_percent:.2f}% | ${pnl_dollar:.2f}") @@ -1378,9 +1383,9 @@ class TradingEnvironment: # Add reward based on direct PnL change balance_change = self.balance - prev_balance if balance_change > 0: - reward += balance_change * 0.5 # Positive reward for making money + reward += balance_change * 1.0 # Increased positive reward for making money else: - reward += balance_change * 1.0 # Stronger negative reward for losing money + reward += balance_change * 2.0 # Stronger negative reward for losing money # Add reward for predicted price movement alignment if hasattr(self, 'predicted_prices') and len(self.predicted_prices) > 0: @@ -1611,9 +1616,15 @@ class TradingEnvironment: def initialize_price_predictor(self, device="cpu"): """Initialize the price prediction model""" - self.price_predictor = PricePredictionModel(input_size=30, hidden_size=128, output_size=5) - self.price_predictor.to(device) - self.price_predictor_optimizer = optim.Adam(self.price_predictor.parameters(), lr=1e-3) + # Only create a new model if one doesn't already exist + if not hasattr(self, 'price_predictor') or self.price_predictor is None: + self.price_predictor = PricePredictionModel(input_size=30, hidden_size=128, output_size=5) + self.price_predictor.to(device) + self.price_predictor_optimizer = optim.Adam(self.price_predictor.parameters(), lr=1e-3) + else: + # If model exists, just ensure it's on the right device + self.price_predictor.to(device) + self.predicted_prices = np.array([]) self.predicted_extrema = np.array([]) self.extrema_threshold = 0.7 # Threshold for extrema prediction confidence @@ -1766,16 +1777,16 @@ class TradingEnvironment: return fee # Ensure GPU usage if available -def get_device(device_preference='gpu'): +def get_device(device_preference='auto'): """Get the device to use (GPU or CPU) based on preference and availability""" - if device_preference.lower() == 'gpu' and torch.cuda.is_available(): + if device_preference.lower() in ['gpu', 'auto'] and torch.cuda.is_available(): device = torch.device("cuda") # Set default tensor type to float32 for CUDA torch.set_default_tensor_type(torch.FloatTensor) logger.info(f"Using GPU: {torch.cuda.get_device_name(0)}") else: device = torch.device("cpu") - if device_preference.lower() == 'gpu': + if device_preference.lower() in ['gpu', 'auto']: logger.info("GPU requested but not available, using CPU instead") else: logger.info("Using CPU as requested") @@ -1952,7 +1963,7 @@ class Agent: # Use mixed precision for forward/backward passes if self.device.type == "cuda": - with amp.autocast(): + with amp.autocast(device_type='cuda'): # Compute Q values current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) @@ -2943,10 +2954,12 @@ async def main(): import traceback parser = argparse.ArgumentParser(description='Run the trading bot') - parser.add_argument('--mode', type=str, default='train', choices=['train', 'evaluate', 'live'], help='Mode to run the bot in') + parser.add_argument('--mode', type=str, default='train', choices=['train', 'evaluate', 'live', 'continuous'], help='Mode to run the bot in') parser.add_argument('--episodes', type=int, default=100, help='Number of episodes to train for') parser.add_argument('--demo', action='store_true', help='Run in demo mode (no real trades)') parser.add_argument('--device', type=str, default='auto', choices=['cpu', 'gpu', 'auto'], help='Device to use for training') + parser.add_argument('--refresh-data', '--refresh_data', dest='refresh_data', action='store_true', help='Refresh data at the start of each episode') + parser.add_argument('--timeframe', type=str, default='1m', help='Timeframe for data (e.g., 1s, 1m, 5m, 15m, 1h)') args = parser.parse_args() # Set device @@ -2995,6 +3008,247 @@ async def main(): results = evaluate_agent(agent, env, num_episodes=10) logger.info(f"Evaluation results: {results}") + elif args.mode == 'continuous': + # Continuous training mode - train indefinitely with data refreshing + logger.info("Starting continuous training mode...") + + # Set refresh_data to True for continuous mode + args.refresh_data = True + + # Create directories for continuous models + os.makedirs("models", exist_ok=True) + + # Track best PnL for model selection + best_pnl = float('-inf') + best_pnl_model_path = "models/trading_agent_best_pnl.pt" + + # Load the best PnL model if it exists + if os.path.exists(best_pnl_model_path): + logger.info(f"Loading best PnL model: {best_pnl_model_path}") + agent.load(best_pnl_model_path) + + # Try to load best PnL value from checkpoint file + checkpoint_info_path = "checkpoints/best_metrics.json" + if os.path.exists(checkpoint_info_path): + with open(checkpoint_info_path, 'r') as f: + best_metrics = json.load(f) + best_pnl = best_metrics.get('best_pnl', best_pnl) + logger.info(f"Loaded best PnL from checkpoint: ${best_pnl:.2f}") + + # Initialize episode counter + episode = 0 + + # Get timeframe from args + timeframe = args.timeframe + logger.info(f"Using timeframe: {timeframe}") + + # Initialize TensorBoard writer + from torch.utils.tensorboard import SummaryWriter + tensorboard_dir = f"runs/continuous_{datetime.datetime.now().strftime('%Y%m%d_%H%M%S')}" + writer = SummaryWriter(tensorboard_dir) + logger.info(f"TensorBoard logs will be saved to {tensorboard_dir}") + + # Attach writer to agent + agent.writer = writer + + # Initialize stats dictionary for plotting + stats = { + 'episode_rewards': [], + 'episode_profits': [], + 'win_rates': [], + 'trade_counts': [], + 'prediction_accuracies': [] + } + + # Train continuously + try: + while True: + logger.info(f"Continuous training - Episode {episode}") + + # Refresh data from exchange with the specified timeframe + logger.info(f"Refreshing market data with timeframe {timeframe}...") + await env.fetch_new_data(exchange, "ETH/USDT", timeframe, 100) + + # Reset environment + state = env.reset() + + # Initialize price predictor if not already initialized + if not hasattr(env, 'price_predictor') or env.price_predictor is None: + logger.info("Initializing price predictor...") + env.initialize_price_predictor(device=agent.device) + + # Initialize episode variables + episode_reward = 0 + done = False + + # Train price predictor + prediction_loss, extrema_loss = env.train_price_predictor() + + # Update price predictions + env.update_price_predictions() + + # Training loop for this episode + while not done: + # Select action + action = agent.select_action(state) + + # Take action + next_state, reward, done = env.step(action) + + # Store experience + agent.memory.push(state, action, reward, next_state, done) + + # Learn from experience + loss = agent.learn() + + # Update state and reward + state = next_state + episode_reward += reward + + # Calculate win rate + total_trades = env.win_count + env.loss_count + win_rate = (env.win_count / total_trades * 100) if total_trades > 0 else 0 + + # Calculate prediction accuracy + if hasattr(env, 'predicted_prices') and len(env.predicted_prices) > 0: + # Compare predictions with actual prices + actual_prices = env.features['price'][-len(env.predicted_prices):] + prediction_errors = np.abs(env.predicted_prices - actual_prices) / actual_prices + prediction_accuracy = 100 * (1 - np.mean(prediction_errors)) + else: + prediction_accuracy = 0 + + # Update stats + stats['episode_rewards'].append(episode_reward) + stats['episode_profits'].append(env.episode_pnl) + stats['win_rates'].append(win_rate) + stats['trade_counts'].append(total_trades) + stats['prediction_accuracies'].append(prediction_accuracy) + + # Log to TensorBoard + writer.add_scalar('Reward/continuous', episode_reward, episode) + writer.add_scalar('Balance/continuous', env.balance, episode) + writer.add_scalar('WinRate/continuous', win_rate, episode) + writer.add_scalar('PnL/episode', env.episode_pnl, episode) + writer.add_scalar('PnL/cumulative', env.total_pnl, episode) + writer.add_scalar('Drawdown/percent', env.max_drawdown * 100, episode) + writer.add_scalar('PredictionLoss', prediction_loss, episode) + writer.add_scalar('PredictionAccuracy', prediction_accuracy, episode) + + # Log OHLCV data to TensorBoard every 5 episodes + if episode % 5 == 0: + # Create a DataFrame from the environment's data + df_ohlcv = pd.DataFrame([{ + 'timestamp': candle['timestamp'], + 'open': candle['open'], + 'high': candle['high'], + 'low': candle['low'], + 'close': candle['close'], + 'volume': candle['volume'] + } for candle in env.data[-100:]]) # Use last 100 candles + + # Convert timestamp to datetime + df_ohlcv['timestamp'] = pd.to_datetime(df_ohlcv['timestamp'], unit='ms') + df_ohlcv.set_index('timestamp', inplace=True) + + # Extract buy/sell signals from trades + buy_signals = [] + sell_signals = [] + + if hasattr(env, 'trades') and env.trades: + for trade in env.trades: + if 'entry_time' in trade and 'entry' in trade: + if trade['type'] == 'long': + # Buy signal + entry_time = pd.to_datetime(trade['entry_time'], unit='ms') + buy_signals.append((entry_time, trade['entry'])) + + # Sell signal if closed + if 'exit_time' in trade and 'exit' in trade and trade['exit'] > 0: + exit_time = pd.to_datetime(trade['exit_time'], unit='ms') + sell_signals.append((exit_time, trade['exit'])) + + elif trade['type'] == 'short': + # Sell short signal + entry_time = pd.to_datetime(trade['entry_time'], unit='ms') + sell_signals.append((entry_time, trade['entry'])) + + # Buy to cover signal if closed + if 'exit_time' in trade and 'exit' in trade and trade['exit'] > 0: + exit_time = pd.to_datetime(trade['exit_time'], unit='ms') + buy_signals.append((exit_time, trade['exit'])) + + # Log to TensorBoard + log_ohlcv_to_tensorboard( + writer, + df_ohlcv, + buy_signals, + sell_signals, + episode, + tag_prefix=f"continuous_episode_{episode}" + ) + + logger.info(f"Episode {episode}: Reward={episode_reward:.2f}, Balance=${env.balance:.2f}, " + f"Win Rate={win_rate:.1f}%, Trades={len(env.trades)}, " + f"Episode PnL=${env.episode_pnl:.2f}, Total PnL=${env.total_pnl:.2f}") + + # Create visualization every 10 episodes + if episode % 10 == 0: + # Create visualization + os.makedirs("visualizations", exist_ok=True) + visualize_training_results(env, agent, episode) + + # Save model + model_path = f"models/trading_agent_continuous_{episode}.pt" + agent.save(model_path) + logger.info(f"Saved continuous model: {model_path}") + + # Plot training results + plot_training_results(stats) + + # Save best PnL model + if env.episode_pnl > best_pnl: + best_pnl = env.episode_pnl + agent.save(best_pnl_model_path) + logger.info(f"New best PnL model saved: ${env.episode_pnl:.2f}") + + # Save best metrics to resume training if interrupted + best_metrics = { + 'best_pnl': float(best_pnl), + 'last_episode': episode, + 'timestamp': datetime.datetime.now().isoformat() + } + os.makedirs("checkpoints", exist_ok=True) + with open("checkpoints/best_metrics.json", 'w') as f: + json.dump(best_metrics, f) + + # Update target network + agent.update_target_network() + + # Increment episode counter + episode += 1 + + # Sleep briefly to prevent overwhelming the system + # Use shorter sleep for shorter timeframes + if timeframe.endswith('s'): + await asyncio.sleep(0.1) # Very short sleep for second-based timeframes + else: + await asyncio.sleep(1) + + except KeyboardInterrupt: + logger.info("Continuous training stopped by user") + # Save final model + agent.save("models/trading_agent_continuous_final.pt") + # Close TensorBoard writer + writer.close() + except Exception as e: + logger.error(f"Error in continuous training: {e}") + logger.error(f"Traceback: {traceback.format_exc()}") + # Save emergency model + agent.save(f"models/trading_agent_continuous_emergency_{episode}.pt") + # Close TensorBoard writer + writer.close() + elif args.mode == 'evaluate': # Load the best model agent.load("models/trading_agent_best_pnl.pt") diff --git a/crypto/gogo2/mexc_trading.py b/crypto/gogo2/mexc_trading.py new file mode 100644 index 0000000..aef1720 --- /dev/null +++ b/crypto/gogo2/mexc_trading.py @@ -0,0 +1,304 @@ +import os +import json +import logging +import traceback +import numpy as np +from dotenv import load_dotenv +from mexc_api.spot import Spot +from mexc_api.common.enums import Side, OrderType + +# Configure logging +logging.basicConfig(level=logging.INFO, format='%(asctime)s - %(name)s - %(levelname)s - %(message)s') +logger = logging.getLogger('mexc_trading') + +# Load environment variables +load_dotenv() +MEXC_API_KEY = os.getenv('MEXC_API_KEY') +MEXC_SECRET_KEY = os.getenv('MEXC_SECRET_KEY') + +class MexcTradingClient: + """Client for executing trades on MEXC exchange using the official API""" + + def __init__(self, api_key=None, api_secret=None, symbol="ETH/USDT", leverage=1): + """Initialize the MEXC trading client""" + self.api_key = api_key or MEXC_API_KEY + self.api_secret = api_secret or MEXC_SECRET_KEY + + # Ensure API keys are not None + if not self.api_key or not self.api_secret: + logger.warning("API keys not provided. Using empty strings for public endpoints only.") + self.api_key = "" + self.api_secret = "" + + self.symbol = symbol + self.formatted_symbol = symbol.replace('/', '') # MEXC requires no slash + self.leverage = leverage + self.client = None + self.position = 'flat' # 'flat', 'long', or 'short' + self.position_size = 0 + self.entry_price = 0 + self.stop_loss = 0 + self.take_profit = 0 + self.open_orders = [] + self.order_history = [] + self.trades = [] + self.win_count = 0 + self.loss_count = 0 + + # Initialize the MEXC API client + self.initialize_client() + + def initialize_client(self): + """Initialize the MEXC API client using the API""" + try: + self.client = Spot(self.api_key, self.api_secret) + # Test connection + server_time = self.client.market.server_time() + logger.info(f"MEXC API client initialized successfully. Server time: {server_time}") + return True + except Exception as e: + logger.error(f"Failed to initialize MEXC API client: {e}") + logger.error(traceback.format_exc()) + return False + + async def fetch_account_balance(self): + """Fetch account balance from MEXC API""" + try: + # Check if we have API keys for private endpoints + if not self.api_key or self.api_key == "": + logger.warning("No API keys provided. Cannot fetch account balance.") + return 0 + + account_info = self.client.account.account_info() + if 'balances' in account_info: + # Find USDT balance + for asset in account_info['balances']: + if asset['asset'] == 'USDT': + return float(asset['free']) + + logger.warning("Could not find USDT balance") + return 0 + except Exception as e: + logger.error(f"Error fetching account balance: {e}") + return 0 + + async def fetch_open_positions(self): + """Fetch open positions from MEXC API""" + try: + # Check if we have API keys for private endpoints + if not self.api_key or self.api_key == "": + logger.warning("No API keys provided. Cannot fetch open positions.") + return [] + + # Fetch open orders + open_orders = self.client.account.open_orders(self.formatted_symbol) + return open_orders + except Exception as e: + logger.error(f"Error fetching open positions: {e}") + return [] + + async def open_position(self, position_type, size, entry_price, stop_loss, take_profit): + """Open a new position using MEXC API""" + try: + # Check if we have API keys for private endpoints + if not self.api_key or self.api_key == "": + logger.warning("No API keys provided. Cannot open position.") + return False + + # Calculate quantity based on size and price + quantity = size / entry_price + # Round quantity to appropriate precision + quantity = round(quantity, 4) # Adjust precision as needed for your asset + + # Determine order side + side = Side.BUY if position_type == 'long' else Side.SELL + + logger.info(f"Opening {position_type} position: {quantity} {self.symbol} at market price") + + # Place market order + order_result = self.client.account.new_order( + self.formatted_symbol, + side, + OrderType.MARKET, + str(quantity) + ) + + logger.info(f"Market order result: {order_result}") + + # Check if order was filled + if order_result.get('status') == 'FILLED' or order_result.get('status') == 'PARTIALLY_FILLED': + # Get actual entry price + actual_entry_price = float(order_result.get('price', entry_price)) + + # Place stop loss order + sl_side = Side.SELL if position_type == 'long' else Side.BUY + sl_order = self.client.account.new_order( + self.formatted_symbol, + sl_side, + OrderType.STOP_LOSS_LIMIT, + str(quantity), + price=str(stop_loss), + stop_price=str(stop_loss), + time_in_force="GTC" + ) + + logger.info(f"Stop loss order placed: {sl_order}") + + # Place take profit order + tp_side = Side.SELL if position_type == 'long' else Side.BUY + tp_order = self.client.account.new_order( + self.formatted_symbol, + tp_side, + OrderType.TAKE_PROFIT_LIMIT, + str(quantity), + price=str(take_profit), + stop_price=str(take_profit), + time_in_force="GTC" + ) + + logger.info(f"Take profit order placed: {tp_order}") + + # Update local state + self.position = position_type + self.position_size = size + self.entry_price = actual_entry_price + self.stop_loss = stop_loss + self.take_profit = take_profit + + # Track orders + self.open_orders.extend([sl_order, tp_order]) + self.order_history.append(order_result) + + logger.info(f"Successfully opened {position_type} position at {actual_entry_price}") + return True + else: + logger.error(f"Failed to open position: {order_result}") + return False + + except Exception as e: + logger.error(f"Error opening position: {e}") + logger.error(traceback.format_exc()) + return False + + async def close_position(self, reason="manual_close"): + """Close an existing position""" + if self.position == 'flat': + logger.info("No position to close") + return True + + try: + # Check if we have API keys for private endpoints + if not self.api_key or self.api_key == "": + logger.warning("No API keys provided. Cannot close position.") + return False + + # First, cancel any existing stop loss/take profit orders + try: + self.client.account.cancel_open_orders(self.formatted_symbol) + logger.info("Canceled all open orders") + except Exception as e: + logger.warning(f"Error canceling open orders: {e}") + + # Determine order side (opposite of position) + side = Side.SELL if self.position == 'long' else Side.BUY + + # Calculate quantity + quantity = self.position_size / self.entry_price + # Round quantity to appropriate precision + quantity = round(quantity, 4) # Adjust precision as needed + + logger.info(f"Closing {self.position} position: {quantity} {self.symbol} at market price") + + # Execute market order to close position + order_result = self.client.account.new_order( + self.formatted_symbol, + side, + OrderType.MARKET, + str(quantity) + ) + + logger.info(f"Close order result: {order_result}") + + # Check if order was filled + if order_result.get('status') == 'FILLED' or order_result.get('status') == 'PARTIALLY_FILLED': + # Get actual exit price + exit_price = float(order_result.get('price', 0)) + + # Calculate PnL + if self.position == 'long': + pnl_percent = (exit_price - self.entry_price) / self.entry_price * 100 + else: # short + pnl_percent = (self.entry_price - exit_price) / self.entry_price * 100 + + pnl_dollar = pnl_percent / 100 * self.position_size + + # Record trade + self.trades.append({ + 'type': self.position, + 'entry': self.entry_price, + 'exit': exit_price, + 'pnl_percent': pnl_percent, + 'pnl_dollar': pnl_dollar, + 'reason': reason, + 'order_id': order_result.get('orderId') + }) + + # Update win/loss count + if pnl_dollar > 0: + self.win_count += 1 + else: + self.loss_count += 1 + + # Track order history + self.order_history.append(order_result) + + logger.info(f"Closed {self.position} position at {exit_price} | PnL: {pnl_percent:.2f}% | ${pnl_dollar:.2f}") + + # Reset position + self.position = 'flat' + self.entry_price = 0 + self.position_size = 0 + self.stop_loss = 0 + self.take_profit = 0 + + return True + else: + logger.error(f"Failed to close position: {order_result}") + return False + + except Exception as e: + logger.error(f"Error closing position: {e}") + logger.error(traceback.format_exc()) + return False + + async def check_order_status(self, order_id): + """Check the status of a specific order""" + try: + # Check if we have API keys for private endpoints + if not self.api_key or self.api_key == "": + logger.warning("No API keys provided. Cannot check order status.") + return None + + order_status = self.client.account.query_order( + self.formatted_symbol, + order_id=order_id + ) + return order_status + except Exception as e: + logger.error(f"Error checking order status: {e}") + return None + + async def get_market_price(self): + """Get current market price for the symbol""" + try: + ticker = self.client.market.ticker_price(self.formatted_symbol) + if isinstance(ticker, list) and len(ticker) > 0 and 'price' in ticker[0]: + return float(ticker[0]['price']) + elif isinstance(ticker, dict) and 'price' in ticker: + return float(ticker['price']) + else: + logger.error(f"Unexpected ticker format: {ticker}") + return None + except Exception as e: + logger.error(f"Error getting market price: {e}") + return None \ No newline at end of file diff --git a/crypto/gogo2/mexcapi-readme.md b/crypto/gogo2/mexcapi-readme.md new file mode 100644 index 0000000..9f0baa7 --- /dev/null +++ b/crypto/gogo2/mexcapi-readme.md @@ -0,0 +1,456 @@ +# mexc-api-sdk + + MEXC Official Market and trade api sdk, easy to connection and send request to MEXC open api ! + +## Prerequisites + - To use our SDK you have to install nodejs LTS (https://aws.github.io/jsii/user-guides/lib-user/) + +## Installation +1. +``` +git clone https://github.com/mxcdevelop/mexc-api-sdk.git +``` + 2. cd dist/{language} and unzip the file + 3. we offer five language : dotnet, go, java, js, python + +## Table of APIS + - [Init](#init) + - [Market](#market) + - [Ping](#ping) + - [Check Server Time](#check-server-time) + - [Exchange Information](#exchange-information) + - [Recent Trades List](#recent-trades-list) + - [Order Book](#order-book) + - [Old Trade Lookup](#old-trade-lookup) + - [Aggregate Trades List](#aggregate-trades-list) + - [kline Data](#kline-data) + - [Current Average Price](#current-average-price) + - [24hr Ticker Price Change Statistics](#24hr-ticker-price-change-statistics) + - [Symbol Price Ticker](#symbol-price-ticker) + - [Symbol Order Book Ticker](#symbol-order-book-ticker) + - [Trade](#trade) + - [Test New Order](#test-new-order) + - [New Order](#new-order) + - [cancel-order](#cancel-order) + - [Cancel all Open Orders on a Symbol](#cancel-all-open-orders-on-a-symbol) + - [Query Order](#query-order) + - [Current Open Orders](#current-open-orders) + - [All Orders](#all-orders) + - [Account Information](#account-information) + - [Account Trade List](#account-trade-list) +## Init +```javascript +//Javascript +import * as Mexc from 'mexc-sdk'; +const apiKey = 'apiKey' +const apiSecret = 'apiSecret' +const client = new Mexc.Spot(apiKey, apiSecret); +``` +```go +// Go +package main +import ( + "fmt" + "mexc-sdk/mexcsdk" +) + +func main() { + apiKey := "apiKey" + apiSecret := "apiSecret" + spot := mexcsdk.NewSpot(apiKey, apiSecret) +} +``` +```python +# python +from mexc_sdk import Spot +spot = Spot(api_key='apiKey', api_secret='apiSecret') +``` +```java +// java +import Mexc.Sdk.*; +class MyClass { + public static void main(String[] args) { + String apiKey= "apiKey"; + String apiSecret= "apiSecret"; + Spot mySpot = new Spot(apiKey, apiSecret); + } +} +``` +```C# +// dotnet +using System; +using System.Collections.Generic; +using Mxc.Sdk; + +namespace dotnet +{ + class Program + { + static void Main(string[] args) + { + string apiKey = "apiKey"; + string apiSecret= "apiSecret"; + var spot = new Spot(apiKey, apiSecret); + } + } +} + +``` + +## Market +### Ping +```javascript +client.ping() +``` +### Check Server Time +```javascript +client.time() +``` +### Exchange Information +```javascript +client.exchangeInfo(options: any) +options:{symbol, symbols} +/** + * choose one parameter + * + * symbol : + * example "BNBBTC"; + * + * symbols : + * array of symbol + * example ["BTCUSDT","BNBBTC"]; + * + */ +``` + +### Recent Trades List +```javascript +client.trades(symbol: string, options: any = { limit: 500 }) +options:{limit} +/** + * + * limit : + * Number of returned data + * Default 500; + * max 1000; + * + */ +``` +### Order Book +```javascript +client.depth(symbol: string, options: any = { limit: 100 }) +options:{limit} +/** + * limit : + * Number of returned data + * Default 100; + * max 5000; + * Valid:[5, 10, 20, 50, 100, 500, 1000, 5000] + * + */ +``` + +### Old Trade Lookup +```javascript +client.historicalTrades(symbol: string, options: any = { limit: 500 }) +options:{limit, fromId} +/** + * + * limit : + * Number of returned data + * Default 500; + * max 1000; + * + * fromId: + * Trade id to fetch from. Default gets most recent trades + * + */ + +``` + +### Aggregate Trades List +```javascript +client.aggTrades(symbol: string, options: any = { limit: 500 }) +options:{fromId, startTime, endTime, limit} +/** + * + * fromId : + * id to get aggregate trades from INCLUSIVE + * + * startTime: + * start at + * + * endTime: + * end at + * + * limit : + * Number of returned data + * Default 500; + * max 1000; + * + */ +``` +### kline Data +```javascript +client.klines(symbol: string, interval: string, options: any = { limit: 500 }) +options:{ startTime, endTime, limit} +/** + * + * interval : + * m :minute; + * h :Hour; + * d :day; + * w :week; + * M :month + * example : "1m" + * + * startTime : + * start at + * + * endTime : + * end at + * + * limit : + * Number of returned data + * Default 500; + * max 1000; + * + */ +``` + +### Current Average Price +```javascript +client.avgPrice(symbol: string) +``` +### 24hr Ticker Price Change Statistics +```javascript +client.ticker24hr(symbol?: string) +``` +### Symbol Price Ticker +```javascript +client.tickerPrice(symbol?: string) +``` + +### Symbol Order Book Ticker +```javascript +client.bookTicker(symbol?: string) +``` +## Trade +### Test New Order +```javascript +client.newOrderTest(symbol: string, side: string, orderType: string, options: any = {}) +options:{ timeInForce, quantity, quoteOrderQty, price, newClientOrderId, stopPrice, icebergQty, newOrderRespType, recvWindow} +/** + * + * side: + * Order side + * ENUM: + * BUY + * SELL + * + * orderType: + * Order type + * ENUM: + * LIMIT + * MARKET + * STOP_LOSS + * STOP_LOSS_LIMIT + * TAKE_PROFIT + * TAKE_PROFIT_LIMIT + * LIMIT_MAKER + * + * timeInForce : + * How long an order will be active before expiration. + * GTC: Active unless the order is canceled + * IOC: Order will try to fill the order as much as it can before the order expires + * FOK: Active unless the full order cannot be filled upon execution. + * + * quantity : + * target quantity + * + * quoteOrderQty : + * Specify the total spent or received + * + * price : + * target price + * + * newClientOrderId : + * A unique id among open orders. Automatically generated if not sent + * + * stopPrice : + * sed with STOP_LOSS, STOP_LOSS_LIMIT, TAKE_PROFIT, and TAKE_PROFIT_LIMIT orders + * + * icebergQty : + * Used with LIMIT, STOP_LOSS_LIMIT, and TAKE_PROFIT_LIMIT to create an iceberg order + * + * newOrderRespType : + * Set the response JSON. ACK, RESULT, or FULL; + * MARKET and LIMIT order types default to FULL, all other orders default to ACK + * + * recvWindow : + * Delay accept time + * The value cannot be greater than 60000 + * defaults: 5000 + * + */ + +``` + +### New Order +```javascript +client.newOrder(symbol: string, side: string, orderType: string, options: any = {}) +options:{ timeInForce, quantity, quoteOrderQty, price, newClientOrderId, stopPrice, icebergQty, newOrderRespType, recvWindow} +/** + * + * side: + * Order side + * ENUM: + * BUY + * SELL + * + * orderType: + * Order type + * ENUM: + * LIMIT + * MARKET + * STOP_LOSS + * STOP_LOSS_LIMIT + * TAKE_PROFIT + * TAKE_PROFIT_LIMIT + * LIMIT_MAKER + * + * timeInForce : + * How long an order will be active before expiration. + * GTC: Active unless the order is canceled + * IOC: Order will try to fill the order as much as it can before the order expires + * FOK: Active unless the full order cannot be filled upon execution. + * + * quantity : + * target quantity + * + * quoteOrderQty : + * Specify the total spent or received + * + * price : + * target price + * + * newClientOrderId : + * A unique id among open orders. Automatically generated if not sent + * + * stopPrice : + * sed with STOP_LOSS, STOP_LOSS_LIMIT, TAKE_PROFIT, and TAKE_PROFIT_LIMIT orders + * + * icebergQty : + * Used with LIMIT, STOP_LOSS_LIMIT, and TAKE_PROFIT_LIMIT to create an iceberg order + * + * newOrderRespType : + * Set the response JSON. ACK, RESULT, or FULL; + * MARKET and LIMIT order types default to FULL, all other orders default to ACK + * + * recvWindow : + * Delay accept time + * The value cannot be greater than 60000 + * defaults: 5000 + * + */ + +``` + +### cancel-order +```javascript +client.cancelOrder(symbol: string, options:any = {}) +options:{ orderId, origClientOrderId, newClientOrderId} +/** + * + * Either orderId or origClientOrderId must be sent + * + * orderId: + * target orderId + * + * origClientOrderId: + * target origClientOrderId + * + * newClientOrderId: + * Used to uniquely identify this cancel. Automatically generated by default. + * + */ + +``` + +### Cancel all Open Orders on a Symbol +```javascript +client.cancelOpenOrders(symbol: string) +``` +### Query Order +```javascript +client.queryOrder(symbol: string, options:any = {}) +options:{ orderId, origClientOrderId} +/** + * + * Either orderId or origClientOrderId must be sent + * + * orderId: + * target orderId + * + * origClientOrderId: + * target origClientOrderId + * + */ +``` +### Current Open Orders +```javascript +client.openOrders(symbol: string) +``` +### All Orders +```javascript +client.allOrders(symbol: string, options: any = { limit: 500 }) +options:{ orderId, startTime, endTime, limit} + +/** + * + * orderId: + * target orderId + * + * startTime: + * start at + * + * endTime: + * end at + * + * limit : + * Number of returned data + * Default 500; + * max 1000; + * + */ +``` +### Account Information +```javascript +client.accountInfo() +``` +### Account Trade List +```javascript +client.accountTradeList(symbol: string, options:any = { limit: 500 }) +options:{ orderId, startTime, endTime, fromId, limit} + +/** + * + * orderId: + * target orderId + * + * startTime: + * start at + * + * endTime: + * end at + * + * fromId: + * TradeId to fetch from. Default gets most recent trades + * + * limit : + * Number of returned data + * Default 500; + * max 1000; + * + */ +``` \ No newline at end of file diff --git a/crypto/gogo2/readme.md b/crypto/gogo2/readme.md index 72eb4d4..323672f 100644 --- a/crypto/gogo2/readme.md +++ b/crypto/gogo2/readme.md @@ -1,188 +1,91 @@ -# Crypto Trading Bot with Reinforcement Learning +# Crypto Trading Bot with MEXC API Integration -An automated cryptocurrency trading bot that uses Deep Q-Learning (DQN) to trade ETH/USDT on the MEXC exchange. The bot features a sophisticated neural network architecture with LSTM layers and attention mechanisms for better pattern recognition. +This is an AI-powered cryptocurrency trading bot that can run in both simulation (demo) mode and live trading mode using the MEXC exchange API. ## Features -- Deep Q-Learning with experience replay -- LSTM layers for sequential data processing -- Multi-head attention mechanism -- Dueling DQN architecture -- Real-time trading capabilities -- TensorBoard integration for monitoring -- Comprehensive technical indicators -- Demo and live trading modes -- Automatic model checkpointing +- Deep Reinforcement Learning agent for trading decisions +- Technical indicators and price prediction +- Live trading integration with MEXC exchange via mexc-api +- Demo mode for testing without real trades +- Real-time data streaming via websockets +- Performance tracking and visualization -## Prerequisites +## Setup -- Python 3.8+ -- MEXC Exchange API credentials -- GPU recommended but not required +1. Clone the repository +2. Install dependencies: + ``` + pip install -r requirements.txt + ``` +3. Create a `.env` file in the root directory with your MEXC API keys: + ``` + MEXC_API_KEY=your_api_key_here + MEXC_SECRET_KEY=your_secret_key_here + ``` -## Installation - -1. Clone the repository: - -```bash -git clone https://github.com/yourusername/crypto-trading-bot.git -cd crypto-trading-bot -``` -2. Create a virtual environment: - -```bash -python -m venv venv -source venv/bin/activate # On Windows: venv\Scripts\activate -``` -3. Install dependencies: - -```bash -pip install -r requirements.txt -``` - - -4. Create a `.env` file in the project root with your MEXC API credentials: - -```bash -MEXC_API_KEY=your_api_key -MEXC_API_SECRET=your_api_secret - - -cuda support - -```bash -pip install torch torchvision torchaudio --index-url https://download.pytorch.org/whl/cu118 -``` ## Usage -The bot can be run in three modes: +The bot can be run in three different modes: ### Training Mode -```bash -python main.py --mode train --episodes 1000 +Train the agent on historical data: + +``` +python main.py --mode train --episodes 100 ``` ### Evaluation Mode -```bash -python main.py --mode eval --episodes 10 +Evaluate the trained agent on historical data: + +``` +python main.py --mode evaluate ``` ### Live Trading Mode -```bash -# Demo mode (simulated trading with real market data) -python main.py --mode live --demo +Run the bot in live trading mode: -# Real trading (actual trades on MEXC) +``` python main.py --mode live ``` -Demo mode simulates trading using real-time market data but does not execute actual trades. It still: -- Logs all trading decisions and performance metrics -- Updates the model based on market data (if in training mode) -- Displays real-time analytics and position information -- Calculates theoretical profits/losses -- Saves performance data to TensorBoard +To run in demo mode (no real trades): -This makes it perfect for testing strategies without financial risk. +``` +python main.py --mode live --demo +``` + +## Live Trading Implementation + +The bot uses the mexc-api package to execute trades on the MEXC exchange. The implementation includes: + +- Market order execution for opening and closing positions +- Stop loss and take profit orders +- Real-time balance updates +- Trade history tracking ## Configuration -Key parameters can be adjusted in `main.py`: +You can adjust the following parameters in `main.py`: -- `INITIAL_BALANCE`: Starting balance for training/demo -- `MAX_LEVERAGE`: Maximum leverage for trades -- `STOP_LOSS_PERCENT`: Stop loss percentage -- `TAKE_PROFIT_PERCENT`: Take profit percentage -- `BATCH_SIZE`: Training batch size -- `LEARNING_RATE`: Model learning rate -- `STATE_SIZE`: Size of the state representation +- `INITIAL_BALANCE`: Starting balance for simulation +- `MAX_LEVERAGE`: Leverage to use for trading +- `STOP_LOSS_PERCENT`: Default stop loss percentage +- `TAKE_PROFIT_PERCENT`: Default take profit percentage -## Model Architecture - -The DQN model includes: -- Input layer with technical indicators -- LSTM layers for temporal pattern recognition -- Multi-head attention mechanism -- Dueling architecture for better Q-value estimation -- Batch normalization for stable training - -## Monitoring - -Training progress can be monitored using TensorBoard: - - -Training progress is logged to TensorBoard: - -```bash -tensorboard --logdir=logs -``` - -This will show: -- Training rewards -- Account balance -- Win rate -- Loss metrics - -## Trading Strategy - -The bot makes decisions based on: -- Price action -- Technical indicators (RSI, MACD, Bollinger Bands, etc.) -- Historical patterns through LSTM -- Risk management with stop-loss and take-profit - -## Safety Features - -- Demo mode for safe testing -- Automatic stop-loss -- Position size limits -- Error handling for API calls -- Logging of all actions - -## Directory Structure -├── main.py # Main bot implementation -├── requirements.txt # Project dependencies -├── .env # API credentials -├── models/ # Saved model checkpoints -├── runs/ # TensorBoard logs -└── trading_bot.log # Activity logs +## Architecture +- `main.py`: Main entry point and trading logic +- `mexc_trading.py`: MEXC API integration for live trading using mexc-api +- `models/`: Directory for saved model weights ## Warning -Cryptocurrency trading carries significant risks. This bot is for educational purposes and should not be used with real money without thorough testing and understanding of the risks involved. +Trading cryptocurrencies involves significant risk. This bot is provided for educational purposes only. Use at your own risk. ## License -[MIT License](LICENSE) - -The main changes I made: -Fixed code block formatting by adding proper language identifiers -Added missing closing code blocks -Properly formatted directory structure -Added complete sections that were cut off in the original -Ensured consistent formatting throughout the document -Added proper bash syntax highlighting for command examples -The README.md now provides a complete guide for setting up and using the trading bot, with clear sections for installation, usage, configuration, and safety considerations. - - - - - -# Edits/improvements - -Fixes the shape mismatch by ensuring the state vector is exactly STATE_SIZE elements -Adds robust error handling in the model's forward pass to handle mismatched inputs -Adds a transformer encoder for more sophisticated pattern recognition -Provides an expand_model method to increase model capacity while preserving learned weights -Adds detailed logging about model size and shape mismatches -The model now has: -Configurable hidden layer sizes -Transformer layers for complex pattern recognition -LSTM layers for temporal patterns -Attention mechanisms for focusing on important features -Dueling architecture for better Q-value estimation -With hidden_size=256, this model has about 1-2 million parameters. By increasing hidden_size to 512 or 1024, you can easily scale to 5-20 million parameters. For even larger models (billions of parameters), you would need to implement a more distributed architecture with multiple GPUs, which would require significant changes to the training loop. +MIT diff --git a/crypto/gogo2/requirements.txt b/crypto/gogo2/requirements.txt index cda528e..e6a4a1c 100644 --- a/crypto/gogo2/requirements.txt +++ b/crypto/gogo2/requirements.txt @@ -1,10 +1,11 @@ -numpy>=1.21.0 +numpy>=1.20.0 pandas>=1.3.0 matplotlib>=3.4.0 torch>=1.9.0 -python-dotenv>=0.19.0 +scikit-learn>=0.24.0 ccxt>=2.0.0 +python-dotenv>=0.19.0 websockets>=10.0 -tensorboard>=2.6.0 -scikit-learn -mplfinance \ No newline at end of file +tensorboard>=2.7.0 +mexc-api>=1.0.0 +asyncio>=3.4.3 \ No newline at end of file diff --git a/crypto/gogo2/runs/continuous_20250312_002903/events.out.tfevents.1741732143.GW-DOBRI.163736.1 b/crypto/gogo2/runs/continuous_20250312_002903/events.out.tfevents.1741732143.GW-DOBRI.163736.1 new file mode 100644 index 0000000..b215571 Binary files /dev/null and b/crypto/gogo2/runs/continuous_20250312_002903/events.out.tfevents.1741732143.GW-DOBRI.163736.1 differ diff --git a/crypto/gogo2/runs/trading_agent_20250310_174153/events.out.tfevents.1741621313.GW-DOBRI.39292.0 b/crypto/gogo2/runs/trading_agent_20250310_174153/events.out.tfevents.1741621313.GW-DOBRI.39292.0 deleted file mode 100644 index a8eb0e1..0000000 Binary files a/crypto/gogo2/runs/trading_agent_20250310_174153/events.out.tfevents.1741621313.GW-DOBRI.39292.0 and /dev/null differ diff --git a/crypto/gogo2/runs/trading_agent_20250310_175608/events.out.tfevents.1741622168.GW-DOBRI.39000.0 b/crypto/gogo2/runs/trading_agent_20250310_175608/events.out.tfevents.1741622168.GW-DOBRI.39000.0 deleted file mode 100644 index 441c105..0000000 Binary files a/crypto/gogo2/runs/trading_agent_20250310_175608/events.out.tfevents.1741622168.GW-DOBRI.39000.0 and /dev/null differ diff --git a/crypto/gogo2/test_mexc_api.py b/crypto/gogo2/test_mexc_api.py new file mode 100644 index 0000000..b0ecf9e --- /dev/null +++ b/crypto/gogo2/test_mexc_api.py @@ -0,0 +1,23 @@ +from mexc_api.spot import Spot + +def test_mexc_api(): + try: + # Initialize client with empty API keys for public endpoints + client = Spot("", "") + + # Test server time endpoint + server_time = client.market.server_time() + print(f"Server time: {server_time}") + + # Test ticker price endpoint + ticker = client.market.ticker_price("ETHUSDT") + print(f"ETH/USDT price: {ticker}") + + print("MEXC API is working correctly!") + return True + except Exception as e: + print(f"Error testing MEXC API: {e}") + return False + +if __name__ == "__main__": + test_mexc_api() \ No newline at end of file diff --git a/crypto/gogo2/test_trading_client.py b/crypto/gogo2/test_trading_client.py new file mode 100644 index 0000000..7af74e1 --- /dev/null +++ b/crypto/gogo2/test_trading_client.py @@ -0,0 +1,34 @@ +import asyncio +import os +from dotenv import load_dotenv +from mexc_trading import MexcTradingClient + +# Load environment variables +load_dotenv() + +async def test_trading_client(): + """Test the MexcTradingClient functionality""" + print("Initializing MexcTradingClient...") + client = MexcTradingClient(symbol="ETH/USDT") + + # Test getting market price + print("Testing get_market_price...") + price = await client.get_market_price() + print(f"Current ETH/USDT price: {price}") + + # If API keys are provided, test account balance + if os.getenv('MEXC_API_KEY') and os.getenv('MEXC_SECRET_KEY'): + print("Testing fetch_account_balance...") + balance = await client.fetch_account_balance() + print(f"Account balance: {balance} USDT") + + print("Testing fetch_open_positions...") + positions = await client.fetch_open_positions() + print(f"Open positions: {positions}") + else: + print("No API keys provided. Skipping private endpoint tests.") + + print("MexcTradingClient test completed!") + +if __name__ == "__main__": + asyncio.run(test_trading_client()) \ No newline at end of file diff --git a/crypto/gogo2/trading_bot.log b/crypto/gogo2/trading_bot.log index a606116..342f023 100644 --- a/crypto/gogo2/trading_bot.log +++ b/crypto/gogo2/trading_bot.log @@ -226576,3 +226576,11156 @@ RuntimeError: File models/trading_agent_final.pt cannot be opened. 2025-03-10 17:57:28,447 - INFO - OPENED SHORT at 2021.01 | Stop loss: 2031.1383464285714 | Take profit: 1990.6599053571429 2025-03-10 17:57:28,513 - INFO - STOP LOSS hit for short at 2031.1383464285714 | PnL: -0.50% | $-1.17 2025-03-10 17:57:28,532 - INFO - OPENED SHORT at 2028.21 | Stop loss: 2038.3743464285715 | Take profit: 1997.751905357143 +2025-03-10 18:30:54,653 - INFO - Using GPU: NVIDIA GeForce RTX 4060 Laptop GPU +2025-03-10 18:30:54,658 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 18:30:54,659 - INFO - Fetching initial data for ETH/USDT +2025-03-10 18:30:54,659 - INFO - Fetching initial data for ETH/USDT +2025-03-10 18:30:56,822 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 18:30:56,837 - INFO - Initialized environment with 500 candles +2025-03-10 18:31:00,815 - INFO - Starting continuous training mode. Press Ctrl+C to stop. +2025-03-10 18:31:00,815 - INFO - Starting training batch 1 +2025-03-10 18:31:00,815 - INFO - Refreshing data for new training batch +2025-03-10 18:31:00,815 - INFO - Fetching initial data for ETH/USDT +2025-03-10 18:31:01,146 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 18:31:01,153 - INFO - Initialized environment with 500 candles +2025-03-10 18:31:01,153 - INFO - Updated environment with fresh candles +2025-03-10 18:31:01,153 - INFO - Starting training on device: cuda +2025-03-10 18:31:01,153 - INFO - Loading best model from models/trading_agent_best_pnl.pt to resume training +2025-03-10 18:31:01,154 - INFO - Loading model from models/trading_agent_best_pnl.pt +2025-03-10 18:31:01,281 - INFO - Model loaded successfully with weights_only=True +2025-03-10 18:31:01,289 - INFO - Resumed with best metrics - Reward: 202.74, PnL: $9.27, Win Rate: 73.3% +2025-03-10 18:31:01,293 - INFO - Refreshing data for episode 0 +2025-03-10 18:31:01,293 - INFO - Fetching initial data for ETH/USDT +2025-03-10 18:31:01,596 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 18:31:01,602 - INFO - Initialized environment with 100 candles +2025-03-10 18:31:02,385 - INFO - Episode 0: Reward=7.50, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.3% +2025-03-10 18:31:02,486 - INFO - Model saved to checkpoints/trading_agent_episode_0.pt +2025-03-10 18:31:02,487 - INFO - Checkpoint saved at episode 0 +2025-03-10 18:31:02,927 - INFO - Visualization saved for episode 0 +2025-03-10 18:31:03,895 - INFO - Visualization saved for episode 0 +2025-03-10 18:31:03,935 - INFO - Refreshing data for episode 1 +2025-03-10 18:31:03,935 - INFO - Fetching initial data for ETH/USDT +2025-03-10 18:31:04,236 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 18:31:04,243 - INFO - Initialized environment with 100 candles +2025-03-10 18:31:05,495 - INFO - Episode 1: Reward=7.80, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.3% +2025-03-10 18:31:05,495 - INFO - Refreshing data for episode 2 +2025-03-10 18:31:05,495 - INFO - Fetching initial data for ETH/USDT +2025-03-10 18:31:06,284 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 18:31:06,290 - INFO - Initialized environment with 100 candles +2025-03-10 18:31:07,500 - INFO - Episode 2: Reward=7.80, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.3% +2025-03-10 18:31:07,500 - INFO - Refreshing data for episode 3 +2025-03-10 18:31:07,500 - INFO - Fetching initial data for ETH/USDT +2025-03-10 18:31:07,804 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 18:31:07,811 - INFO - Initialized environment with 100 candles +2025-03-10 18:31:09,012 - INFO - Episode 3: Reward=8.10, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.3% +2025-03-10 18:31:09,012 - INFO - Refreshing data for episode 4 +2025-03-10 18:31:09,012 - INFO - Fetching initial data for ETH/USDT +2025-03-10 18:31:09,329 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 18:31:09,332 - INFO - Initialized environment with 100 candles +2025-03-10 18:31:10,578 - INFO - Episode 4: Reward=8.10, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.4% +2025-03-10 18:31:10,578 - INFO - Refreshing data for episode 5 +2025-03-10 18:31:10,579 - INFO - Fetching initial data for ETH/USDT +2025-03-10 18:31:10,909 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 18:31:10,916 - INFO - Initialized environment with 100 candles +2025-03-10 18:31:12,521 - INFO - Episode 5: Reward=8.10, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.4% +2025-03-10 18:31:12,521 - INFO - Refreshing data for episode 6 +2025-03-10 18:31:12,522 - INFO - Fetching initial data for ETH/USDT +2025-03-10 18:31:12,831 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 18:31:12,838 - INFO - Initialized environment with 100 candles +2025-03-10 18:31:14,165 - INFO - Episode 6: Reward=9.00, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.4% +2025-03-10 18:31:14,165 - INFO - Refreshing data for episode 7 +2025-03-10 18:31:14,165 - INFO - Fetching initial data for ETH/USDT +2025-03-10 18:31:14,477 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 18:31:14,479 - INFO - Initialized environment with 100 candles +2025-03-10 18:31:15,705 - INFO - Episode 7: Reward=9.00, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.5% +2025-03-10 18:31:15,705 - INFO - Refreshing data for episode 8 +2025-03-10 18:31:15,705 - INFO - Fetching initial data for ETH/USDT +2025-03-10 18:31:16,027 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 18:31:16,036 - INFO - Initialized environment with 100 candles +2025-03-10 18:31:17,256 - INFO - Episode 8: Reward=9.30, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.5% +2025-03-10 18:31:17,257 - INFO - Refreshing data for episode 9 +2025-03-10 18:31:17,257 - INFO - Fetching initial data for ETH/USDT +2025-03-10 18:31:17,577 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 18:31:17,579 - INFO - Initialized environment with 100 candles +2025-03-10 18:31:18,992 - INFO - Episode 9: Reward=9.60, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.6% +2025-03-10 18:31:18,992 - INFO - Refreshing data for episode 10 +2025-03-10 18:31:18,992 - INFO - Fetching initial data for ETH/USDT +2025-03-10 18:31:19,321 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 18:31:19,328 - INFO - Initialized environment with 100 candles +2025-03-10 18:31:21,044 - INFO - Episode 10: Reward=10.80, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.7% +2025-03-10 18:31:21,148 - INFO - Model saved to checkpoints/trading_agent_episode_10.pt +2025-03-10 18:31:21,149 - INFO - Checkpoint saved at episode 10 +2025-03-10 18:31:21,546 - INFO - Visualization saved for episode 10 +2025-03-10 18:31:22,295 - INFO - Visualization saved for episode 10 +2025-03-10 18:31:22,340 - INFO - Refreshing data for episode 11 +2025-03-10 18:31:22,340 - INFO - Fetching initial data for ETH/USDT +2025-03-10 18:31:22,686 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 18:31:22,692 - INFO - Initialized environment with 100 candles +2025-03-10 18:31:24,095 - INFO - Episode 11: Reward=13.49, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.8% +2025-03-10 18:31:24,096 - INFO - Refreshing data for episode 12 +2025-03-10 18:31:24,096 - INFO - Fetching initial data for ETH/USDT +2025-03-10 18:31:24,395 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 18:31:24,402 - INFO - Initialized environment with 100 candles +2025-03-10 18:31:25,653 - INFO - Episode 12: Reward=12.00, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.8% +2025-03-10 18:31:25,653 - INFO - Refreshing data for episode 13 +2025-03-10 18:31:25,656 - INFO - Fetching initial data for ETH/USDT +2025-03-10 18:31:25,972 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 18:31:25,981 - INFO - Initialized environment with 100 candles +2025-03-10 18:31:27,119 - INFO - Episode 13: Reward=6.60, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.6% +2025-03-10 18:31:27,119 - INFO - Refreshing data for episode 14 +2025-03-10 18:31:27,120 - INFO - Fetching initial data for ETH/USDT +2025-03-10 18:31:27,442 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 18:31:27,448 - INFO - Initialized environment with 100 candles +2025-03-10 18:31:28,514 - INFO - Episode 14: Reward=7.19, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.6% +2025-03-10 18:31:28,514 - INFO - Refreshing data for episode 15 +2025-03-10 18:31:28,514 - INFO - Fetching initial data for ETH/USDT +2025-03-10 18:31:28,829 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 18:31:28,835 - INFO - Initialized environment with 100 candles +2025-03-10 18:31:30,424 - INFO - Episode 15: Reward=10.20, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.7% +2025-03-10 18:31:30,424 - INFO - Refreshing data for episode 16 +2025-03-10 18:31:30,424 - INFO - Fetching initial data for ETH/USDT +2025-03-10 18:31:30,797 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 18:31:30,802 - INFO - Initialized environment with 100 candles +2025-03-10 18:31:31,852 - INFO - Episode 16: Reward=12.30, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.8% +2025-03-10 18:31:31,853 - INFO - Refreshing data for episode 17 +2025-03-10 18:31:31,853 - INFO - Fetching initial data for ETH/USDT +2025-03-10 18:31:32,157 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 18:31:32,163 - INFO - Initialized environment with 100 candles +2025-03-10 18:31:33,231 - INFO - Episode 17: Reward=12.30, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.8% +2025-03-10 18:31:33,231 - INFO - Refreshing data for episode 18 +2025-03-10 18:31:33,232 - INFO - Fetching initial data for ETH/USDT +2025-03-10 18:31:33,531 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 18:31:33,537 - INFO - Initialized environment with 100 candles +2025-03-10 18:31:34,549 - INFO - Episode 18: Reward=11.10, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.7% +2025-03-10 18:31:34,549 - INFO - Refreshing data for episode 19 +2025-03-10 18:31:34,549 - INFO - Fetching initial data for ETH/USDT +2025-03-10 18:31:34,864 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 18:31:34,864 - INFO - Initialized environment with 100 candles +2025-03-10 18:31:35,939 - INFO - Episode 19: Reward=10.50, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.7% +2025-03-10 18:31:35,939 - INFO - Refreshing data for episode 20 +2025-03-10 18:31:35,939 - INFO - Fetching initial data for ETH/USDT +2025-03-10 18:31:36,302 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 18:31:36,312 - INFO - Initialized environment with 100 candles +2025-03-10 18:31:37,580 - INFO - Episode 20: Reward=11.70, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.7% +2025-03-10 18:31:37,669 - INFO - Model saved to checkpoints/trading_agent_episode_20.pt +2025-03-10 18:31:37,669 - INFO - Checkpoint saved at episode 20 +2025-03-10 18:31:37,669 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:31:38,037 - INFO - Visualization saved for episode 20 +2025-03-10 18:31:38,714 - INFO - Visualization saved for episode 20 +2025-03-10 18:31:38,755 - INFO - Refreshing data for episode 21 +2025-03-10 18:31:38,756 - INFO - Fetching initial data for ETH/USDT +2025-03-10 18:31:39,058 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 18:31:39,066 - INFO - Initialized environment with 100 candles +2025-03-10 18:31:40,093 - INFO - Episode 21: Reward=12.30, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.8% +2025-03-10 18:31:40,093 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:31:40,093 - INFO - Refreshing data for episode 22 +2025-03-10 18:31:40,093 - INFO - Fetching initial data for ETH/USDT +2025-03-10 18:31:40,406 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 18:31:40,411 - INFO - Initialized environment with 100 candles +2025-03-10 18:31:41,501 - INFO - Episode 22: Reward=12.30, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.8% +2025-03-10 18:31:41,501 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:31:41,501 - INFO - Refreshing data for episode 23 +2025-03-10 18:31:41,501 - INFO - Fetching initial data for ETH/USDT +2025-03-10 18:31:41,810 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 18:31:41,820 - INFO - Initialized environment with 100 candles +2025-03-10 18:31:42,933 - INFO - Episode 23: Reward=12.30, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.8% +2025-03-10 18:31:42,933 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:31:42,933 - INFO - Refreshing data for episode 24 +2025-03-10 18:31:42,933 - INFO - Fetching initial data for ETH/USDT +2025-03-10 18:31:43,233 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 18:31:43,244 - INFO - Initialized environment with 100 candles +2025-03-10 18:31:44,350 - INFO - Episode 24: Reward=12.90, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.8% +2025-03-10 18:31:44,350 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:31:44,350 - INFO - Refreshing data for episode 25 +2025-03-10 18:31:44,350 - INFO - Fetching initial data for ETH/USDT +2025-03-10 18:31:53,611 - INFO - Using GPU: NVIDIA GeForce RTX 4060 Laptop GPU +2025-03-10 18:31:53,614 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 18:31:53,614 - INFO - Fetching initial data for ETH/USDT +2025-03-10 18:31:53,614 - INFO - Fetching initial data for ETH/USDT +2025-03-10 18:31:55,552 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 18:31:55,561 - INFO - Initialized environment with 500 candles +2025-03-10 18:31:58,853 - INFO - Starting training for 100 episodes... +2025-03-10 18:31:58,853 - INFO - Starting training on device: cuda +2025-03-10 18:31:58,853 - INFO - Loading best model from models/trading_agent_best_pnl.pt to resume training +2025-03-10 18:31:58,853 - INFO - Loading model from models/trading_agent_best_pnl.pt +2025-03-10 18:31:58,958 - INFO - Model loaded successfully with weights_only=True +2025-03-10 18:31:58,969 - INFO - Resumed with best metrics - Reward: 202.74, PnL: $9.27, Win Rate: 73.3% +2025-03-10 18:32:06,111 - INFO - Episode 0: Reward=83.29, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.6% +2025-03-10 18:32:06,226 - INFO - Model saved to checkpoints/trading_agent_episode_0.pt +2025-03-10 18:32:06,226 - INFO - Checkpoint saved at episode 0 +2025-03-10 18:32:06,649 - INFO - Visualization saved for episode 0 +2025-03-10 18:32:07,476 - INFO - Visualization saved for episode 0 +2025-03-10 18:32:15,177 - INFO - Episode 1: Reward=84.19, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.6% +2025-03-10 18:32:22,490 - INFO - Episode 2: Reward=87.19, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.7% +2025-03-10 18:32:29,684 - INFO - Episode 3: Reward=89.89, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.8% +2025-03-10 18:32:37,015 - INFO - Episode 4: Reward=91.09, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.7% +2025-03-10 18:32:44,525 - INFO - Episode 5: Reward=92.00, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.7% +2025-03-10 18:32:52,081 - INFO - Episode 6: Reward=93.20, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.7% +2025-03-10 18:32:59,672 - INFO - Episode 7: Reward=89.59, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.7% +2025-03-10 18:33:07,085 - INFO - Episode 8: Reward=86.59, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.5% +2025-03-10 18:33:14,232 - INFO - Episode 9: Reward=80.59, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.2% +2025-03-10 18:33:21,855 - INFO - Episode 10: Reward=73.10, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=98.8% +2025-03-10 18:33:21,964 - INFO - Model saved to checkpoints/trading_agent_episode_10.pt +2025-03-10 18:33:21,964 - INFO - Checkpoint saved at episode 10 +2025-03-10 18:33:22,313 - INFO - Visualization saved for episode 10 +2025-03-10 18:33:22,913 - INFO - Visualization saved for episode 10 +2025-03-10 18:33:30,269 - INFO - Episode 11: Reward=68.30, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=98.2% +2025-03-10 18:33:37,998 - INFO - Episode 12: Reward=63.50, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=97.2% +2025-03-10 18:33:45,730 - INFO - Episode 13: Reward=56.29, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=96.5% +2025-03-10 18:33:53,071 - INFO - Episode 14: Reward=58.97, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=97.0% +2025-03-10 18:34:00,778 - INFO - Episode 15: Reward=63.18, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=97.6% +2025-03-10 18:34:08,162 - INFO - Episode 16: Reward=62.59, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=97.6% +2025-03-10 18:34:15,485 - INFO - Episode 17: Reward=60.49, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=97.5% +2025-03-10 18:34:23,166 - INFO - Episode 18: Reward=59.30, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=97.4% +2025-03-10 18:34:30,810 - INFO - Episode 19: Reward=59.29, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=97.4% +2025-03-10 18:34:38,548 - INFO - Episode 20: Reward=61.40, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=97.6% +2025-03-10 18:34:38,648 - INFO - Model saved to checkpoints/trading_agent_episode_20.pt +2025-03-10 18:34:38,648 - INFO - Checkpoint saved at episode 20 +2025-03-10 18:34:38,648 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:34:38,975 - INFO - Visualization saved for episode 20 +2025-03-10 18:34:39,569 - INFO - Visualization saved for episode 20 +2025-03-10 18:34:46,772 - INFO - Episode 21: Reward=63.50, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=97.7% +2025-03-10 18:34:46,772 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:34:54,058 - INFO - Episode 22: Reward=64.69, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=97.8% +2025-03-10 18:34:54,058 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:35:01,402 - INFO - Episode 23: Reward=64.69, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=97.9% +2025-03-10 18:35:01,402 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:35:08,969 - INFO - Episode 24: Reward=64.98, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=98.0% +2025-03-10 18:35:08,969 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:35:17,149 - INFO - Episode 25: Reward=66.20, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=98.2% +2025-03-10 18:35:17,149 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:35:24,749 - INFO - Episode 26: Reward=66.20, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=98.2% +2025-03-10 18:35:24,749 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:35:31,935 - INFO - Episode 27: Reward=66.79, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=98.4% +2025-03-10 18:35:31,935 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:35:39,301 - INFO - Episode 28: Reward=67.99, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=98.5% +2025-03-10 18:35:39,301 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:35:46,638 - INFO - Episode 29: Reward=68.60, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=98.6% +2025-03-10 18:35:46,638 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:35:54,295 - INFO - Episode 30: Reward=68.89, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=98.7% +2025-03-10 18:35:54,402 - INFO - Model saved to checkpoints/trading_agent_episode_30.pt +2025-03-10 18:35:54,402 - INFO - Checkpoint saved at episode 30 +2025-03-10 18:35:54,402 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:35:54,762 - INFO - Visualization saved for episode 30 +2025-03-10 18:35:55,416 - INFO - Visualization saved for episode 30 +2025-03-10 18:36:03,068 - INFO - Episode 31: Reward=70.10, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=98.8% +2025-03-10 18:36:03,068 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:36:10,647 - INFO - Episode 32: Reward=71.29, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=98.9% +2025-03-10 18:36:10,647 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:36:17,936 - INFO - Episode 33: Reward=71.59, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.0% +2025-03-10 18:36:17,936 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:36:25,174 - INFO - Episode 34: Reward=71.59, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.0% +2025-03-10 18:36:25,174 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:36:32,760 - INFO - Episode 35: Reward=71.90, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.0% +2025-03-10 18:36:32,760 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:36:40,154 - INFO - Episode 36: Reward=71.89, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.0% +2025-03-10 18:36:40,154 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:36:47,571 - INFO - Episode 37: Reward=71.89, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.0% +2025-03-10 18:36:47,574 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:36:55,119 - INFO - Episode 38: Reward=72.49, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.0% +2025-03-10 18:36:55,120 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:37:02,378 - INFO - Episode 39: Reward=73.40, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.1% +2025-03-10 18:37:02,378 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:37:09,953 - INFO - Episode 40: Reward=73.39, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.1% +2025-03-10 18:37:10,055 - INFO - Model saved to checkpoints/trading_agent_episode_40.pt +2025-03-10 18:37:10,055 - INFO - Checkpoint saved at episode 40 +2025-03-10 18:37:10,055 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:37:10,394 - INFO - Visualization saved for episode 40 +2025-03-10 18:37:10,997 - INFO - Visualization saved for episode 40 +2025-03-10 18:37:18,409 - INFO - Episode 41: Reward=73.10, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.1% +2025-03-10 18:37:18,409 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:37:25,802 - INFO - Episode 42: Reward=73.40, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.1% +2025-03-10 18:37:25,802 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:37:33,131 - INFO - Episode 43: Reward=72.80, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.1% +2025-03-10 18:37:33,131 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:37:40,779 - INFO - Episode 44: Reward=73.40, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.1% +2025-03-10 18:37:40,781 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:37:48,305 - INFO - Episode 45: Reward=74.29, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.1% +2025-03-10 18:37:48,305 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:37:55,396 - INFO - Episode 46: Reward=73.39, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.1% +2025-03-10 18:37:55,396 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:38:02,661 - INFO - Episode 47: Reward=73.40, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.1% +2025-03-10 18:38:02,661 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:38:09,890 - INFO - Episode 48: Reward=73.40, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.1% +2025-03-10 18:38:09,890 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:38:17,396 - INFO - Episode 49: Reward=73.39, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.1% +2025-03-10 18:38:17,396 - INFO - Reducing learning rate to 0.000010 +2025-03-10 18:38:17,402 - INFO - Early stopping triggered after 50 episodes without improvement +2025-03-10 18:38:17,502 - INFO - Model saved to models/trading_agent_final.pt +2025-03-10 18:38:17,805 - INFO - Training results saved to training_results.png +2025-03-10 18:38:17,805 - INFO - Exchange connection closed +2025-03-10 19:42:24,657 - INFO - Using GPU: NVIDIA GeForce RTX 4060 Laptop GPU +2025-03-10 19:42:24,660 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 19:42:24,660 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:42:24,660 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:42:26,804 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 19:42:26,816 - INFO - Initialized environment with 500 candles +2025-03-10 19:42:30,990 - INFO - Starting training for 100 episodes... +2025-03-10 19:42:30,990 - INFO - Starting training on device: cuda +2025-03-10 19:42:30,991 - INFO - Loading best model from models/trading_agent_best_pnl.pt to resume training +2025-03-10 19:42:30,991 - INFO - Loading model from models/trading_agent_best_pnl.pt +2025-03-10 19:42:31,126 - INFO - Model loaded successfully with weights_only=True +2025-03-10 19:42:31,133 - INFO - Resumed with best metrics - Reward: 202.74, PnL: $9.27, Win Rate: 73.3% +2025-03-10 19:42:38,910 - INFO - Episode 0: Reward=92.90, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.3% +2025-03-10 19:42:39,006 - INFO - Model saved to checkpoints/trading_agent_episode_0.pt +2025-03-10 19:42:39,007 - INFO - Checkpoint saved at episode 0 +2025-03-10 19:42:39,406 - INFO - Visualization saved for episode 0 +2025-03-10 19:42:40,198 - INFO - Visualization saved for episode 0 +2025-03-10 19:42:47,635 - INFO - Episode 1: Reward=92.90, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.4% +2025-03-10 19:42:55,462 - INFO - Episode 2: Reward=92.90, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.5% +2025-03-10 19:43:02,793 - INFO - Episode 3: Reward=92.90, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.6% +2025-03-10 19:43:10,392 - INFO - Episode 4: Reward=92.90, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.6% +2025-03-10 19:43:18,232 - INFO - Episode 5: Reward=93.19, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.6% +2025-03-10 19:43:25,627 - INFO - Episode 6: Reward=93.80, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.5% +2025-03-10 19:43:32,808 - INFO - Episode 7: Reward=92.90, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.2% +2025-03-10 19:43:39,931 - INFO - Episode 8: Reward=91.39, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=98.9% +2025-03-10 19:43:47,131 - INFO - Episode 9: Reward=86.90, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=98.4% +2025-03-10 19:43:54,828 - INFO - Episode 10: Reward=82.98, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=97.5% +2025-03-10 19:43:54,931 - INFO - Model saved to checkpoints/trading_agent_episode_10.pt +2025-03-10 19:43:54,931 - INFO - Checkpoint saved at episode 10 +2025-03-10 19:43:55,271 - INFO - Visualization saved for episode 10 +2025-03-10 19:43:55,873 - INFO - Visualization saved for episode 10 +2025-03-10 19:44:50,888 - INFO - Using GPU: NVIDIA GeForce RTX 4060 Laptop GPU +2025-03-10 19:44:50,891 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 19:44:50,891 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:44:50,895 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:44:52,872 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 19:44:52,878 - INFO - Initialized environment with 500 candles +2025-03-10 19:44:56,035 - INFO - Starting continuous training mode. Press Ctrl+C to stop. +2025-03-10 19:44:56,035 - INFO - Starting training batch 1 +2025-03-10 19:44:56,035 - INFO - Refreshing data for new training batch +2025-03-10 19:44:56,035 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:44:56,442 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 19:44:56,447 - INFO - Initialized environment with 500 candles +2025-03-10 19:44:56,448 - INFO - Updated environment with fresh candles +2025-03-10 19:44:56,448 - INFO - Starting training on device: cuda +2025-03-10 19:44:56,448 - INFO - Loading best model from models/trading_agent_best_pnl.pt to resume training +2025-03-10 19:44:56,448 - INFO - Loading model from models/trading_agent_best_pnl.pt +2025-03-10 19:44:56,544 - INFO - Model loaded successfully with weights_only=True +2025-03-10 19:44:56,550 - INFO - Resumed with best metrics - Reward: 202.74, PnL: $9.27, Win Rate: 73.3% +2025-03-10 19:44:56,553 - INFO - Refreshing data for episode 0 +2025-03-10 19:44:56,554 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:44:56,871 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:44:56,877 - INFO - Initialized environment with 100 candles +2025-03-10 19:44:57,532 - INFO - Episode 0: Reward=12.60, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.7% +2025-03-10 19:44:57,533 - ERROR - Failed to save model: File checkpoints/trading_agent_episode_0.pt cannot be opened. +2025-03-10 19:44:57,536 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1607, in save + torch.save( + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\serialization.py", line 943, in save + with _open_zipfile_writer(f) as opened_zipfile: + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\serialization.py", line 810, in _open_zipfile_writer + return container(name_or_buffer) + ^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\serialization.py", line 781, in __init__ + super().__init__(torch._C.PyTorchFileWriter(self.name, _compute_crc32)) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: File checkpoints/trading_agent_episode_0.pt cannot be opened. + +2025-03-10 19:44:57,537 - INFO - Checkpoint saved at episode 0 +2025-03-10 19:44:57,924 - INFO - Visualization saved for episode 0 +2025-03-10 19:44:58,686 - INFO - Visualization saved for episode 0 +2025-03-10 19:44:58,686 - INFO - Refreshing data for episode 1 +2025-03-10 19:44:58,693 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:44:59,460 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:44:59,463 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:00,546 - INFO - Episode 1: Reward=12.90, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.8% +2025-03-10 19:45:00,546 - INFO - Refreshing data for episode 2 +2025-03-10 19:45:00,546 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:00,841 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:00,841 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:01,938 - INFO - Episode 2: Reward=12.90, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.7% +2025-03-10 19:45:01,938 - INFO - Refreshing data for episode 3 +2025-03-10 19:45:01,938 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:02,263 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:02,269 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:03,330 - INFO - Episode 3: Reward=12.90, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.7% +2025-03-10 19:45:03,330 - INFO - Refreshing data for episode 4 +2025-03-10 19:45:03,330 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:03,634 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:03,643 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:04,743 - INFO - Episode 4: Reward=12.90, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.8% +2025-03-10 19:45:04,743 - INFO - Refreshing data for episode 5 +2025-03-10 19:45:04,743 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:05,053 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:05,054 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:06,445 - INFO - Episode 5: Reward=12.90, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.8% +2025-03-10 19:45:06,445 - INFO - Refreshing data for episode 6 +2025-03-10 19:45:06,445 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:06,749 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:06,760 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:07,879 - INFO - Episode 6: Reward=13.50, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.8% +2025-03-10 19:45:07,879 - INFO - Refreshing data for episode 7 +2025-03-10 19:45:07,879 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:08,198 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:08,203 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:09,340 - INFO - Episode 7: Reward=13.50, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.8% +2025-03-10 19:45:09,340 - INFO - Refreshing data for episode 8 +2025-03-10 19:45:09,340 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:09,684 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:09,688 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:10,793 - INFO - Episode 8: Reward=12.90, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.7% +2025-03-10 19:45:10,793 - INFO - Refreshing data for episode 9 +2025-03-10 19:45:10,793 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:11,112 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:11,113 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:12,222 - INFO - Episode 9: Reward=11.70, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.5% +2025-03-10 19:45:12,222 - INFO - Refreshing data for episode 10 +2025-03-10 19:45:12,226 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:12,561 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:12,567 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:13,965 - INFO - Episode 10: Reward=11.10, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.2% +2025-03-10 19:45:14,065 - INFO - Model saved to checkpoints/trading_agent_episode_10.pt +2025-03-10 19:45:14,065 - INFO - Checkpoint saved at episode 10 +2025-03-10 19:45:14,392 - INFO - Visualization saved for episode 10 +2025-03-10 19:45:14,959 - INFO - Visualization saved for episode 10 +2025-03-10 19:45:14,959 - INFO - Refreshing data for episode 11 +2025-03-10 19:45:14,959 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:15,276 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:15,284 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:16,420 - INFO - Episode 11: Reward=9.00, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=98.8% +2025-03-10 19:45:16,420 - INFO - Refreshing data for episode 12 +2025-03-10 19:45:16,420 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:16,717 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:16,720 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:17,834 - INFO - Episode 12: Reward=4.20, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=98.2% +2025-03-10 19:45:17,834 - INFO - Refreshing data for episode 13 +2025-03-10 19:45:17,834 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:18,155 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:18,165 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:19,294 - INFO - Episode 13: Reward=1.80, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=97.6% +2025-03-10 19:45:19,294 - INFO - Refreshing data for episode 14 +2025-03-10 19:45:19,295 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:19,611 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:19,617 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:20,784 - INFO - Episode 14: Reward=2.10, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=97.8% +2025-03-10 19:45:20,787 - INFO - Refreshing data for episode 15 +2025-03-10 19:45:20,787 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:21,071 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:21,077 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:22,687 - INFO - Episode 15: Reward=4.20, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=98.2% +2025-03-10 19:45:22,687 - INFO - Refreshing data for episode 16 +2025-03-10 19:45:22,687 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:23,012 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:23,018 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:24,135 - INFO - Episode 16: Reward=5.10, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=98.2% +2025-03-10 19:45:24,135 - INFO - Refreshing data for episode 17 +2025-03-10 19:45:24,136 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:24,450 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:24,454 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:25,602 - INFO - Episode 17: Reward=4.80, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=98.2% +2025-03-10 19:45:25,602 - INFO - Refreshing data for episode 18 +2025-03-10 19:45:25,602 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:25,913 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:25,920 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:27,102 - INFO - Episode 18: Reward=3.60, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=98.1% +2025-03-10 19:45:27,104 - INFO - Refreshing data for episode 19 +2025-03-10 19:45:27,104 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:27,415 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:27,419 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:28,608 - INFO - Episode 19: Reward=3.90, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=98.2% +2025-03-10 19:45:28,608 - INFO - Refreshing data for episode 20 +2025-03-10 19:45:28,608 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:28,909 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:28,916 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:30,312 - INFO - Episode 20: Reward=5.10, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=98.2% +2025-03-10 19:45:30,418 - INFO - Model saved to checkpoints/trading_agent_episode_20.pt +2025-03-10 19:45:30,419 - INFO - Checkpoint saved at episode 20 +2025-03-10 19:45:30,419 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:45:30,769 - INFO - Visualization saved for episode 20 +2025-03-10 19:45:31,367 - INFO - Visualization saved for episode 20 +2025-03-10 19:45:31,375 - INFO - Refreshing data for episode 21 +2025-03-10 19:45:31,375 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:31,678 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:31,684 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:32,801 - INFO - Episode 21: Reward=5.40, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=98.3% +2025-03-10 19:45:32,801 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:45:32,801 - INFO - Refreshing data for episode 22 +2025-03-10 19:45:32,801 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:33,125 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:33,129 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:34,346 - INFO - Episode 22: Reward=5.40, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=98.4% +2025-03-10 19:45:34,346 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:45:34,346 - INFO - Refreshing data for episode 23 +2025-03-10 19:45:34,347 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:34,653 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:34,656 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:35,843 - INFO - Episode 23: Reward=5.40, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=98.4% +2025-03-10 19:45:35,843 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:45:35,843 - INFO - Refreshing data for episode 24 +2025-03-10 19:45:35,844 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:36,154 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:36,160 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:37,335 - INFO - Episode 24: Reward=6.90, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=98.5% +2025-03-10 19:45:37,335 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:45:37,335 - INFO - Refreshing data for episode 25 +2025-03-10 19:45:37,335 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:37,634 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:37,640 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:39,056 - INFO - Episode 25: Reward=6.90, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=98.6% +2025-03-10 19:45:39,056 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:45:39,056 - INFO - Refreshing data for episode 26 +2025-03-10 19:45:39,056 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:39,375 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:39,382 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:40,550 - INFO - Episode 26: Reward=8.10, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=98.7% +2025-03-10 19:45:40,550 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:45:40,552 - INFO - Refreshing data for episode 27 +2025-03-10 19:45:40,552 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:40,865 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:40,871 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:42,087 - INFO - Episode 27: Reward=8.40, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=98.7% +2025-03-10 19:45:42,088 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:45:42,088 - INFO - Refreshing data for episode 28 +2025-03-10 19:45:42,089 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:42,410 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:42,413 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:43,623 - INFO - Episode 28: Reward=8.40, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=98.8% +2025-03-10 19:45:43,623 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:45:43,623 - INFO - Refreshing data for episode 29 +2025-03-10 19:45:43,625 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:43,939 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:43,945 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:45,091 - INFO - Episode 29: Reward=9.00, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=98.9% +2025-03-10 19:45:45,092 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:45:45,092 - INFO - Refreshing data for episode 30 +2025-03-10 19:45:45,092 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:45,391 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:45,397 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:46,783 - INFO - Episode 30: Reward=9.30, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=98.9% +2025-03-10 19:45:46,882 - INFO - Model saved to checkpoints/trading_agent_episode_30.pt +2025-03-10 19:45:46,882 - INFO - Checkpoint saved at episode 30 +2025-03-10 19:45:46,882 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:45:47,484 - INFO - Visualization saved for episode 30 +2025-03-10 19:45:48,081 - INFO - Visualization saved for episode 30 +2025-03-10 19:45:48,081 - INFO - Refreshing data for episode 31 +2025-03-10 19:45:48,082 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:48,386 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:48,391 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:49,617 - INFO - Episode 31: Reward=11.40, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.1% +2025-03-10 19:45:49,618 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:45:49,618 - INFO - Refreshing data for episode 32 +2025-03-10 19:45:49,618 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:49,927 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:49,933 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:51,058 - INFO - Episode 32: Reward=11.10, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.1% +2025-03-10 19:45:51,058 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:45:51,058 - INFO - Refreshing data for episode 33 +2025-03-10 19:45:51,058 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:51,355 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:51,362 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:52,446 - INFO - Episode 33: Reward=11.40, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.2% +2025-03-10 19:45:52,446 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:45:52,447 - INFO - Refreshing data for episode 34 +2025-03-10 19:45:52,447 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:52,744 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:52,749 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:53,849 - INFO - Episode 34: Reward=12.00, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.2% +2025-03-10 19:45:53,849 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:45:53,849 - INFO - Refreshing data for episode 35 +2025-03-10 19:45:53,851 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:54,153 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:54,159 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:55,538 - INFO - Episode 35: Reward=12.30, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.3% +2025-03-10 19:45:55,539 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:45:55,539 - INFO - Refreshing data for episode 36 +2025-03-10 19:45:55,539 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:55,841 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:55,847 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:57,017 - INFO - Episode 36: Reward=12.60, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.3% +2025-03-10 19:45:57,017 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:45:57,017 - INFO - Refreshing data for episode 37 +2025-03-10 19:45:57,017 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:57,306 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:57,306 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:58,449 - INFO - Episode 37: Reward=12.60, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.3% +2025-03-10 19:45:58,451 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:45:58,451 - INFO - Refreshing data for episode 38 +2025-03-10 19:45:58,451 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:45:58,734 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:45:58,734 - INFO - Initialized environment with 100 candles +2025-03-10 19:45:59,866 - INFO - Episode 38: Reward=13.20, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.4% +2025-03-10 19:45:59,866 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:45:59,866 - INFO - Refreshing data for episode 39 +2025-03-10 19:45:59,867 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:46:00,182 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:46:00,187 - INFO - Initialized environment with 100 candles +2025-03-10 19:46:01,361 - INFO - Episode 39: Reward=13.20, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.4% +2025-03-10 19:46:01,361 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:46:01,361 - INFO - Refreshing data for episode 40 +2025-03-10 19:46:01,361 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:46:01,680 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:46:01,683 - INFO - Initialized environment with 100 candles +2025-03-10 19:46:03,066 - INFO - Episode 40: Reward=13.20, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.4% +2025-03-10 19:46:03,166 - INFO - Model saved to checkpoints/trading_agent_episode_40.pt +2025-03-10 19:46:03,167 - INFO - Checkpoint saved at episode 40 +2025-03-10 19:46:03,167 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:46:03,515 - INFO - Visualization saved for episode 40 +2025-03-10 19:46:04,418 - INFO - Visualization saved for episode 40 +2025-03-10 19:46:04,418 - INFO - Refreshing data for episode 41 +2025-03-10 19:46:04,418 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:46:04,731 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:46:04,736 - INFO - Initialized environment with 100 candles +2025-03-10 19:46:05,976 - INFO - Episode 41: Reward=13.20, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.5% +2025-03-10 19:46:05,977 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:46:05,977 - INFO - Refreshing data for episode 42 +2025-03-10 19:46:05,977 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:46:06,290 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:46:06,299 - INFO - Initialized environment with 100 candles +2025-03-10 19:46:07,424 - INFO - Episode 42: Reward=13.20, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.5% +2025-03-10 19:46:07,424 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:46:07,424 - INFO - Refreshing data for episode 43 +2025-03-10 19:46:07,424 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:46:07,729 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:46:07,735 - INFO - Initialized environment with 100 candles +2025-03-10 19:46:08,830 - INFO - Episode 43: Reward=13.20, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.5% +2025-03-10 19:46:08,830 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:46:08,830 - INFO - Refreshing data for episode 44 +2025-03-10 19:46:08,831 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:46:09,131 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:46:09,137 - INFO - Initialized environment with 100 candles +2025-03-10 19:46:10,232 - INFO - Episode 44: Reward=13.20, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.5% +2025-03-10 19:46:10,232 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:46:10,232 - INFO - Refreshing data for episode 45 +2025-03-10 19:46:10,232 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:46:10,562 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:46:10,570 - INFO - Initialized environment with 100 candles +2025-03-10 19:46:11,949 - INFO - Episode 45: Reward=13.20, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.5% +2025-03-10 19:46:11,949 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:46:11,949 - INFO - Refreshing data for episode 46 +2025-03-10 19:46:11,949 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:46:12,245 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:46:12,255 - INFO - Initialized environment with 100 candles +2025-03-10 19:46:13,375 - INFO - Episode 46: Reward=12.90, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.5% +2025-03-10 19:46:13,375 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:46:13,375 - INFO - Refreshing data for episode 47 +2025-03-10 19:46:13,375 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:46:13,667 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:46:13,670 - INFO - Initialized environment with 100 candles +2025-03-10 19:46:14,718 - INFO - Episode 47: Reward=12.60, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.5% +2025-03-10 19:46:14,718 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:46:14,718 - INFO - Refreshing data for episode 48 +2025-03-10 19:46:14,718 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:46:15,057 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:46:15,067 - INFO - Initialized environment with 100 candles +2025-03-10 19:46:16,102 - INFO - Episode 48: Reward=12.30, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.5% +2025-03-10 19:46:16,102 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:46:16,113 - INFO - Refreshing data for episode 49 +2025-03-10 19:46:16,113 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:46:16,397 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:46:16,408 - INFO - Initialized environment with 100 candles +2025-03-10 19:46:17,444 - INFO - Episode 49: Reward=12.30, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.5% +2025-03-10 19:46:17,444 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:46:17,444 - INFO - Early stopping triggered after 50 episodes without improvement +2025-03-10 19:46:17,535 - INFO - Model saved to models/trading_agent_final.pt +2025-03-10 19:46:18,638 - INFO - Training results saved to training_results.png +2025-03-10 19:46:18,736 - INFO - Model saved to models/trading_agent_continuous_0.pt +2025-03-10 19:46:23,744 - INFO - Starting training batch 2 +2025-03-10 19:46:23,744 - INFO - Refreshing data for new training batch +2025-03-10 19:46:23,744 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:46:24,059 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 19:46:24,066 - INFO - Initialized environment with 500 candles +2025-03-10 19:46:24,066 - INFO - Updated environment with fresh candles +2025-03-10 19:46:24,066 - INFO - Starting training on device: cuda +2025-03-10 19:46:24,067 - INFO - Loading best model from models/trading_agent_best_pnl.pt to resume training +2025-03-10 19:46:24,067 - INFO - Loading model from models/trading_agent_best_pnl.pt +2025-03-10 19:46:24,210 - INFO - Model loaded successfully with weights_only=True +2025-03-10 19:46:24,215 - INFO - Resumed with best metrics - Reward: 202.74, PnL: $9.27, Win Rate: 73.3% +2025-03-10 19:46:24,221 - INFO - Refreshing data for episode 0 +2025-03-10 19:46:24,221 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:46:24,530 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:46:24,535 - INFO - Initialized environment with 100 candles +2025-03-10 19:46:26,053 - INFO - Episode 0: Reward=12.60, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.5% +2025-03-10 19:46:26,055 - ERROR - Failed to save model: File checkpoints/trading_agent_episode_0.pt cannot be opened. +2025-03-10 19:46:26,055 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1607, in save + torch.save( + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\serialization.py", line 943, in save + with _open_zipfile_writer(f) as opened_zipfile: + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\serialization.py", line 810, in _open_zipfile_writer + return container(name_or_buffer) + ^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\serialization.py", line 781, in __init__ + super().__init__(torch._C.PyTorchFileWriter(self.name, _compute_crc32)) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: File checkpoints/trading_agent_episode_0.pt cannot be opened. + +2025-03-10 19:46:26,056 - INFO - Checkpoint saved at episode 0 +2025-03-10 19:46:26,406 - INFO - Visualization saved for episode 0 +2025-03-10 19:46:27,019 - INFO - Visualization saved for episode 0 +2025-03-10 19:46:27,019 - INFO - Refreshing data for episode 1 +2025-03-10 19:46:27,019 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:46:27,335 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:46:27,340 - INFO - Initialized environment with 100 candles +2025-03-10 19:46:28,454 - INFO - Episode 1: Reward=12.90, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.6% +2025-03-10 19:46:28,454 - INFO - Refreshing data for episode 2 +2025-03-10 19:46:28,454 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:46:28,773 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:46:28,779 - INFO - Initialized environment with 100 candles +2025-03-10 19:46:29,863 - INFO - Episode 2: Reward=13.50, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.6% +2025-03-10 19:46:29,864 - INFO - Refreshing data for episode 3 +2025-03-10 19:46:29,864 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:46:30,160 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:46:30,166 - INFO - Initialized environment with 100 candles +2025-03-10 19:46:31,250 - INFO - Episode 3: Reward=13.50, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.7% +2025-03-10 19:46:31,251 - INFO - Refreshing data for episode 4 +2025-03-10 19:46:31,251 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:46:31,540 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:46:31,546 - INFO - Initialized environment with 100 candles +2025-03-10 19:46:32,660 - INFO - Episode 4: Reward=13.48, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.8% +2025-03-10 19:46:32,660 - INFO - Refreshing data for episode 5 +2025-03-10 19:46:32,660 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:46:32,952 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:46:32,959 - INFO - Initialized environment with 100 candles +2025-03-10 19:55:18,379 - INFO - Using GPU: NVIDIA GeForce RTX 4060 Laptop GPU +2025-03-10 19:55:18,383 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 19:55:18,383 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:55:18,384 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:55:20,494 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 19:55:20,507 - INFO - Initialized environment with 500 candles +2025-03-10 19:55:23,975 - INFO - Starting continuous training mode. Press Ctrl+C to stop. +2025-03-10 19:55:23,983 - INFO - Starting training batch 1 +2025-03-10 19:55:23,983 - INFO - Refreshing data for new training batch +2025-03-10 19:55:23,983 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:55:24,313 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 19:55:24,319 - INFO - Initialized environment with 500 candles +2025-03-10 19:55:24,319 - INFO - Updated environment with fresh candles +2025-03-10 19:55:24,319 - INFO - Starting training on device: cuda +2025-03-10 19:55:24,319 - INFO - Loading best model from models/trading_agent_best_pnl.pt to resume training +2025-03-10 19:55:24,319 - INFO - Loading model from models/trading_agent_best_pnl.pt +2025-03-10 19:55:24,427 - INFO - Model loaded successfully with weights_only=True +2025-03-10 19:55:24,433 - INFO - Resumed with best metrics - Reward: 202.74, PnL: $9.27, Win Rate: 73.3% +2025-03-10 19:55:24,438 - INFO - Refreshing data for episode 0 +2025-03-10 19:55:24,438 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:55:24,770 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:55:24,775 - INFO - Initialized environment with 100 candles +2025-03-10 19:55:25,578 - INFO - Episode 0: Reward=11.10, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.8% +2025-03-10 19:55:25,581 - ERROR - Failed to save model: File checkpoints/trading_agent_episode_0.pt cannot be opened. +2025-03-10 19:55:25,582 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1607, in save + torch.save( + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\serialization.py", line 943, in save + with _open_zipfile_writer(f) as opened_zipfile: + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\serialization.py", line 810, in _open_zipfile_writer + return container(name_or_buffer) + ^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\serialization.py", line 781, in __init__ + super().__init__(torch._C.PyTorchFileWriter(self.name, _compute_crc32)) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: File checkpoints/trading_agent_episode_0.pt cannot be opened. + +2025-03-10 19:55:25,583 - INFO - Checkpoint saved at episode 0 +2025-03-10 19:55:26,058 - INFO - Visualization saved for episode 0 +2025-03-10 19:55:26,986 - INFO - Visualization saved for episode 0 +2025-03-10 19:55:26,986 - INFO - Refreshing data for episode 1 +2025-03-10 19:55:26,986 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:55:27,306 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:55:27,306 - INFO - Initialized environment with 100 candles +2025-03-10 19:55:28,514 - INFO - Episode 1: Reward=11.10, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.8% +2025-03-10 19:55:28,514 - INFO - Refreshing data for episode 2 +2025-03-10 19:55:28,515 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:55:28,849 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:55:28,849 - INFO - Initialized environment with 100 candles +2025-03-10 19:55:29,946 - INFO - Episode 2: Reward=11.40, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.8% +2025-03-10 19:55:29,946 - INFO - Refreshing data for episode 3 +2025-03-10 19:55:29,946 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:55:30,265 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:55:30,270 - INFO - Initialized environment with 100 candles +2025-03-10 19:55:31,415 - INFO - Episode 3: Reward=10.80, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.8% +2025-03-10 19:55:31,415 - INFO - Refreshing data for episode 4 +2025-03-10 19:55:31,416 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:55:31,721 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:55:31,728 - INFO - Initialized environment with 100 candles +2025-03-10 19:55:47,884 - INFO - Using GPU: NVIDIA GeForce RTX 4060 Laptop GPU +2025-03-10 19:55:47,892 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 19:55:47,892 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:55:47,892 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:55:49,759 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 19:55:49,766 - INFO - Initialized environment with 500 candles +2025-03-10 19:55:53,052 - INFO - Starting continuous training mode. Press Ctrl+C to stop. +2025-03-10 19:55:53,052 - INFO - Starting training batch 1 +2025-03-10 19:55:53,052 - INFO - Refreshing data for new training batch +2025-03-10 19:55:53,052 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:55:53,369 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 19:55:53,375 - INFO - Initialized environment with 500 candles +2025-03-10 19:55:53,375 - INFO - Updated environment with fresh candles +2025-03-10 19:55:53,375 - INFO - Starting training on device: cuda +2025-03-10 19:55:53,375 - INFO - Loading best model from models/trading_agent_best_pnl.pt to resume training +2025-03-10 19:55:53,376 - INFO - Loading model from models/trading_agent_best_pnl.pt +2025-03-10 19:55:53,496 - INFO - Model loaded successfully with weights_only=True +2025-03-10 19:55:53,503 - INFO - Resumed with best metrics - Reward: 202.74, PnL: $9.27, Win Rate: 73.3% +2025-03-10 19:55:53,506 - INFO - Refreshing data for episode 0 +2025-03-10 19:55:53,506 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:55:53,812 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:55:53,817 - INFO - Initialized environment with 100 candles +2025-03-10 19:55:54,220 - INFO - OPENED SHORT at 2013.2 | Stop loss: 2023.2997535714285 | Take profit: 1982.9513696428571 +2025-03-10 19:55:54,253 - INFO - TAKE PROFIT hit for short at 1982.9513696428571 | PnL: 1.50% | $2.76 +2025-03-10 19:55:54,258 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7532535714286 | Take profit: 1934.3908696428573 +2025-03-10 19:55:54,286 - INFO - CLOSED short at 1954.81 | PnL: 0.46% | $0.73 +2025-03-10 19:55:54,286 - INFO - OPENED LONG at 1954.81 | Stop loss: 1945.0021964285713 | Take profit: 1984.1827803571427 +2025-03-10 19:55:54,289 - INFO - CLOSED long at 1958.19 | PnL: 0.17% | $0.15 +2025-03-10 19:55:54,290 - INFO - OPENED SHORT at 1958.19 | Stop loss: 1968.0147035714288 | Take profit: 1928.7665196428572 +2025-03-10 19:55:54,319 - INFO - TAKE PROFIT hit for short at 1928.7665196428572 | PnL: 1.50% | $2.86 +2025-03-10 19:55:54,319 - INFO - OPENED SHORT at 1920.01 | Stop loss: 1929.6438035714284 | Take profit: 1891.1592196428571 +2025-03-10 19:55:54,319 - INFO - CLOSED short at 1926.3 | PnL: -0.33% | $-0.90 +2025-03-10 19:55:54,325 - INFO - OPENED SHORT at 1922.96 | Stop loss: 1932.6085535714285 | Take profit: 1894.064969642857 +2025-03-10 19:55:54,540 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.62, Avg Loss=$-0.90 +2025-03-10 19:55:54,540 - INFO - Episode 0: Reward=28.09, Balance=$105.60, Win Rate=80.0%, Trades=5, Episode PnL=$5.45, Total PnL=$5.60, Max Drawdown=0.8%, Pred Accuracy=99.6% +2025-03-10 19:55:54,541 - ERROR - Failed to save model: File checkpoints/trading_agent_episode_0.pt cannot be opened. +2025-03-10 19:55:54,544 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1601, in save + torch.save({ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\serialization.py", line 943, in save + with _open_zipfile_writer(f) as opened_zipfile: + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\serialization.py", line 810, in _open_zipfile_writer + return container(name_or_buffer) + ^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\serialization.py", line 781, in __init__ + super().__init__(torch._C.PyTorchFileWriter(self.name, _compute_crc32)) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: File checkpoints/trading_agent_episode_0.pt cannot be opened. + +2025-03-10 19:55:54,545 - INFO - Checkpoint saved at episode 0 +2025-03-10 19:55:55,029 - INFO - Visualization saved for episode 0 +2025-03-10 19:55:55,992 - INFO - Visualization saved for episode 0 +2025-03-10 19:55:56,005 - INFO - Refreshing data for episode 1 +2025-03-10 19:55:56,005 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:55:56,298 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:55:56,312 - INFO - Initialized environment with 100 candles +2025-03-10 19:55:56,331 - INFO - OPENED SHORT at 2013.2 | Stop loss: 2023.2998999999998 | Take profit: 1982.95115 +2025-03-10 19:55:56,631 - INFO - TAKE PROFIT hit for short at 1982.95115 | PnL: 1.50% | $2.76 +2025-03-10 19:55:56,656 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7534 | Take profit: 1934.39065 +2025-03-10 19:55:56,691 - INFO - CLOSED short at 1947.49 | PnL: 0.84% | $1.49 +2025-03-10 19:55:56,711 - INFO - OPENED SHORT at 1945.18 | Stop loss: 1954.9398 | Take profit: 1915.95145 +2025-03-10 19:55:56,866 - INFO - STOP LOSS hit for short at 1954.9398 | PnL: -0.50% | $-1.23 +2025-03-10 19:55:56,888 - INFO - OPENED SHORT at 1960.37 | Stop loss: 1970.2057499999999 | Take profit: 1930.9135999999999 +2025-03-10 19:55:57,265 - INFO - TAKE PROFIT hit for short at 1930.9135999999999 | PnL: 1.50% | $2.84 +2025-03-10 19:55:57,285 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.5883999999999 | Take profit: 1901.8856500000002 +2025-03-10 19:55:57,469 - INFO - CLOSED short at 1920.0 | PnL: 0.56% | $0.97 +2025-03-10 19:55:57,469 - INFO - OPENED LONG at 1920.0 | Stop loss: 1910.3661000000002 | Take profit: 1948.8508500000003 +2025-03-10 19:55:57,485 - INFO - CLOSED long at 1915.57 | PnL: -0.23% | $-0.69 +2025-03-10 19:55:57,486 - INFO - OPENED SHORT at 1915.57 | Stop loss: 1925.18175 | Take profit: 1886.7856 +2025-03-10 19:55:57,569 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$2.01, Avg Loss=$-0.96 +2025-03-10 19:55:57,569 - INFO - Episode 1: Reward=29.35, Balance=$106.12, Win Rate=66.7%, Trades=6, Episode PnL=$6.82, Total PnL=$11.73, Max Drawdown=1.2%, Pred Accuracy=99.6% +2025-03-10 19:55:57,569 - INFO - Refreshing data for episode 2 +2025-03-10 19:55:57,569 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:55:57,879 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:55:57,884 - INFO - Initialized environment with 100 candles +2025-03-10 19:55:57,899 - INFO - OPENED SHORT at 2013.2 | Stop loss: 2023.2998999999998 | Take profit: 1982.95115 +2025-03-10 19:55:58,184 - INFO - TAKE PROFIT hit for short at 1982.95115 | PnL: 1.50% | $2.76 +2025-03-10 19:55:58,206 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7534 | Take profit: 1934.39065 +2025-03-10 19:55:58,420 - INFO - CLOSED short at 1960.27 | PnL: 0.18% | $0.17 +2025-03-10 19:55:58,420 - INFO - OPENED LONG at 1960.27 | Stop loss: 1950.4347500000001 | Take profit: 1989.7249 +2025-03-10 19:55:58,458 - INFO - CLOSED long at 1954.81 | PnL: -0.28% | $-0.77 +2025-03-10 19:55:58,458 - INFO - OPENED SHORT at 1954.81 | Stop loss: 1964.61795 | Take profit: 1925.437 +2025-03-10 19:55:58,477 - INFO - CLOSED short at 1958.19 | PnL: -0.17% | $-0.55 +2025-03-10 19:55:58,477 - INFO - OPENED LONG at 1958.19 | Stop loss: 1948.36515 | Take profit: 1987.6137 +2025-03-10 19:55:58,496 - INFO - CLOSED long at 1966.38 | PnL: 0.42% | $0.64 +2025-03-10 19:55:58,496 - INFO - OPENED SHORT at 1966.38 | Stop loss: 1976.2458000000001 | Take profit: 1936.83345 +2025-03-10 19:55:58,515 - INFO - CLOSED short at 1964.45 | PnL: 0.10% | $-0.00 +2025-03-10 19:55:58,516 - INFO - OPENED LONG at 1964.45 | Stop loss: 1954.59385 | Take profit: 1993.9676 +2025-03-10 19:55:58,535 - INFO - CLOSED long at 1962.42 | PnL: -0.10% | $-0.41 +2025-03-10 19:55:58,535 - INFO - OPENED SHORT at 1962.42 | Stop loss: 1972.266 | Take profit: 1932.9328500000001 +2025-03-10 19:55:58,588 - INFO - CLOSED short at 1957.81 | PnL: 0.23% | $0.27 +2025-03-10 19:55:58,588 - INFO - OPENED LONG at 1957.81 | Stop loss: 1947.98705 | Take profit: 1987.2279999999998 +2025-03-10 19:55:58,607 - INFO - CLOSED long at 1954.95 | PnL: -0.15% | $-0.49 +2025-03-10 19:55:58,607 - INFO - OPENED SHORT at 1954.95 | Stop loss: 1964.7586500000002 | Take profit: 1925.5749 +2025-03-10 19:55:58,639 - INFO - CLOSED short at 1951.12 | PnL: 0.20% | $0.19 +2025-03-10 19:55:58,639 - INFO - OPENED LONG at 1951.12 | Stop loss: 1941.3305 | Take profit: 1980.4376499999996 +2025-03-10 19:55:58,658 - INFO - CLOSED long at 1950.4 | PnL: -0.04% | $-0.27 +2025-03-10 19:55:58,658 - INFO - OPENED SHORT at 1950.4 | Stop loss: 1960.1859000000004 | Take profit: 1921.0931500000002 +2025-03-10 19:55:58,710 - INFO - CLOSED short at 1942.87 | PnL: 0.39% | $0.57 +2025-03-10 19:55:58,710 - INFO - OPENED LONG at 1942.87 | Stop loss: 1933.1217499999998 | Take profit: 1972.0638999999999 +2025-03-10 19:55:58,727 - INFO - CLOSED long at 1936.29 | PnL: -0.34% | $-0.88 +2025-03-10 19:55:58,727 - INFO - OPENED SHORT at 1936.29 | Stop loss: 1946.0053500000001 | Take profit: 1907.1948 +2025-03-10 19:55:58,759 - INFO - CLOSED short at 1930.51 | PnL: 0.30% | $0.39 +2025-03-10 19:55:58,759 - INFO - OPENED LONG at 1930.51 | Stop loss: 1920.8235499999998 | Take profit: 1959.5185 +2025-03-10 19:55:58,790 - INFO - CLOSED long at 1925.7 | PnL: -0.25% | $-0.70 +2025-03-10 19:55:58,790 - INFO - OPENED SHORT at 1925.7 | Stop loss: 1935.3624000000002 | Take profit: 1896.76365 +2025-03-10 19:55:58,815 - INFO - CLOSED short at 1920.01 | PnL: 0.30% | $0.39 +2025-03-10 19:55:58,816 - INFO - OPENED LONG at 1920.01 | Stop loss: 1910.37605 | Take profit: 1948.861 +2025-03-10 19:55:59,010 - INFO - CLOSED long at 1913.59 | PnL: -0.33% | $-0.86 +2025-03-10 19:55:59,027 - INFO - OPENED LONG at 1916.25 | Stop loss: 1906.63485 | Take profit: 1945.0446 +2025-03-10 19:55:59,060 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 77.8% in downtrends | Avg Win=$0.67, Avg Loss=$-0.55 +2025-03-10 19:55:59,060 - INFO - Episode 2: Reward=11.29, Balance=$100.44, Win Rate=47.1%, Trades=17, Episode PnL=$3.33, Total PnL=$12.17, Max Drawdown=2.3%, Pred Accuracy=99.7% +2025-03-10 19:55:59,060 - INFO - Refreshing data for episode 3 +2025-03-10 19:55:59,060 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:55:59,354 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:55:59,361 - INFO - Initialized environment with 100 candles +2025-03-10 19:55:59,380 - INFO - OPENED LONG at 2013.2 | Stop loss: 2003.1001 | Take profit: 2043.4488499999998 +2025-03-10 19:55:59,399 - INFO - CLOSED long at 2011.53 | PnL: -0.08% | $-0.36 +2025-03-10 19:55:59,400 - INFO - OPENED SHORT at 2011.53 | Stop loss: 2021.62155 | Take profit: 1981.3062 +2025-03-10 19:55:59,419 - INFO - CLOSED short at 2007.54 | PnL: 0.20% | $0.19 +2025-03-10 19:55:59,419 - INFO - OPENED LONG at 2007.54 | Stop loss: 1997.4684 | Take profit: 2037.70395 +2025-03-10 19:55:59,490 - INFO - CLOSED long at 2006.01 | PnL: -0.08% | $-0.35 +2025-03-10 19:55:59,492 - INFO - OPENED SHORT at 2006.01 | Stop loss: 2016.07395 | Take profit: 1975.869 +2025-03-10 19:55:59,576 - INFO - CLOSED short at 2008.39 | PnL: -0.12% | $-0.43 +2025-03-10 19:55:59,576 - INFO - OPENED LONG at 2008.39 | Stop loss: 1998.3141500000002 | Take profit: 2038.5667 +2025-03-10 19:55:59,593 - INFO - CLOSED long at 2006.16 | PnL: -0.11% | $-0.41 +2025-03-10 19:55:59,593 - INFO - OPENED SHORT at 2006.16 | Stop loss: 2016.2247000000002 | Take profit: 1976.0167500000002 +2025-03-10 19:55:59,609 - INFO - CLOSED short at 2004.48 | PnL: 0.08% | $-0.03 +2025-03-10 19:55:59,609 - INFO - OPENED LONG at 2004.48 | Stop loss: 1994.4236999999998 | Take profit: 2034.5980500000003 +2025-03-10 19:55:59,625 - INFO - CLOSED long at 2006.12 | PnL: 0.08% | $-0.04 +2025-03-10 19:55:59,626 - INFO - OPENED SHORT at 2006.12 | Stop loss: 2016.1844999999998 | Take profit: 1975.97735 +2025-03-10 19:55:59,662 - INFO - CLOSED short at 1996.21 | PnL: 0.49% | $0.76 +2025-03-10 19:55:59,662 - INFO - OPENED LONG at 1996.21 | Stop loss: 1986.19505 | Take profit: 2026.2040000000002 +2025-03-10 19:55:59,679 - INFO - STOP LOSS hit for long at 1986.19505 | PnL: -0.50% | $-1.18 +2025-03-10 19:55:59,697 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7534 | Take profit: 1934.39065 +2025-03-10 19:55:59,754 - INFO - CLOSED short at 1945.18 | PnL: 0.95% | $1.65 +2025-03-10 19:55:59,754 - INFO - OPENED LONG at 1945.18 | Stop loss: 1935.4202 | Take profit: 1974.40855 +2025-03-10 19:55:59,771 - INFO - CLOSED long at 1949.46 | PnL: 0.22% | $0.24 +2025-03-10 19:55:59,772 - INFO - OPENED SHORT at 1949.46 | Stop loss: 1959.2412000000002 | Take profit: 1920.1672500000002 +2025-03-10 19:55:59,921 - INFO - STOP LOSS hit for short at 1959.2412000000002 | PnL: -0.50% | $-1.18 +2025-03-10 19:55:59,937 - INFO - OPENED SHORT at 1960.27 | Stop loss: 1970.10525 | Take profit: 1930.8151 +2025-03-10 19:56:00,095 - INFO - CLOSED short at 1961.83 | PnL: -0.08% | $-0.35 +2025-03-10 19:56:00,095 - INFO - OPENED LONG at 1961.83 | Stop loss: 1951.98695 | Take profit: 1991.3082999999997 +2025-03-10 19:56:00,113 - INFO - CLOSED long at 1957.81 | PnL: -0.20% | $-0.59 +2025-03-10 19:56:00,113 - INFO - OPENED SHORT at 1957.81 | Stop loss: 1967.6329499999997 | Take profit: 1928.3919999999998 +2025-03-10 19:56:00,147 - INFO - CLOSED short at 1954.01 | PnL: 0.19% | $0.18 +2025-03-10 19:56:00,148 - INFO - OPENED LONG at 1954.01 | Stop loss: 1944.20605 | Take profit: 1983.371 +2025-03-10 19:56:00,163 - INFO - CLOSED long at 1951.12 | PnL: -0.15% | $-0.48 +2025-03-10 19:56:00,181 - INFO - OPENED SHORT at 1950.4 | Stop loss: 1960.1859000000004 | Take profit: 1921.0931500000002 +2025-03-10 19:56:00,337 - INFO - TAKE PROFIT hit for short at 1921.0931500000002 | PnL: 1.50% | $2.69 +2025-03-10 19:56:00,355 - INFO - OPENED SHORT at 1926.3 | Stop loss: 1935.9653999999998 | Take profit: 1897.35465 +2025-03-10 19:56:00,604 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$0.95, Avg Loss=$-0.49 +2025-03-10 19:56:00,604 - INFO - Episode 3: Reward=17.18, Balance=$100.32, Win Rate=35.3%, Trades=17, Episode PnL=$1.83, Total PnL=$12.50, Max Drawdown=2.4%, Pred Accuracy=99.7% +2025-03-10 19:56:00,604 - INFO - Refreshing data for episode 4 +2025-03-10 19:56:00,604 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:00,903 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:00,908 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:00,926 - INFO - OPENED SHORT at 2011.53 | Stop loss: 2021.6186464285713 | Take profit: 1981.3105553571427 +2025-03-10 19:56:01,205 - INFO - TAKE PROFIT hit for short at 1981.3105553571427 | PnL: 1.50% | $2.76 +2025-03-10 19:56:01,221 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7504964285715 | Take profit: 1934.395005357143 +2025-03-10 19:56:01,754 - INFO - TAKE PROFIT hit for short at 1934.395005357143 | PnL: 1.50% | $2.84 +2025-03-10 19:56:01,774 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.5854964285713 | Take profit: 1901.890005357143 +2025-03-10 19:56:02,083 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.80, Avg Loss=$0.00 +2025-03-10 19:56:02,084 - INFO - Episode 4: Reward=27.88, Balance=$105.60, Win Rate=100.0%, Trades=2, Episode PnL=$5.60, Total PnL=$18.09, Max Drawdown=0.0%, Pred Accuracy=99.7% +2025-03-10 19:56:02,084 - INFO - Refreshing data for episode 5 +2025-03-10 19:56:02,084 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:02,401 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:02,408 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:02,703 - INFO - OPENED SHORT at 2011.53 | Stop loss: 2021.6186785714285 | Take profit: 1981.310507142857 +2025-03-10 19:56:02,978 - INFO - TAKE PROFIT hit for short at 1981.310507142857 | PnL: 1.50% | $2.76 +2025-03-10 19:56:02,997 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7505285714285 | Take profit: 1934.3949571428573 +2025-03-10 19:56:03,277 - INFO - CLOSED short at 1954.81 | PnL: 0.46% | $0.73 +2025-03-10 19:56:03,278 - INFO - OPENED LONG at 1954.81 | Stop loss: 1945.0049214285714 | Take profit: 1984.1786928571428 +2025-03-10 19:56:03,296 - INFO - CLOSED long at 1958.19 | PnL: 0.17% | $0.15 +2025-03-10 19:56:03,297 - INFO - OPENED SHORT at 1958.19 | Stop loss: 1968.0119785714285 | Take profit: 1928.7706071428572 +2025-03-10 19:56:03,616 - INFO - TAKE PROFIT hit for short at 1928.7706071428572 | PnL: 1.50% | $2.86 +2025-03-10 19:56:03,636 - INFO - OPENED SHORT at 1920.01 | Stop loss: 1929.6410785714286 | Take profit: 1891.163307142857 +2025-03-10 19:56:03,903 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.63, Avg Loss=$0.00 +2025-03-10 19:56:03,904 - INFO - Episode 5: Reward=30.09, Balance=$106.51, Win Rate=100.0%, Trades=4, Episode PnL=$6.36, Total PnL=$24.60, Max Drawdown=0.0%, Pred Accuracy=99.8% +2025-03-10 19:56:03,904 - INFO - Refreshing data for episode 6 +2025-03-10 19:56:03,904 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:04,232 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:04,238 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:04,256 - INFO - OPENED SHORT at 2011.53 | Stop loss: 2021.6187107142857 | Take profit: 1981.3104589285715 +2025-03-10 19:56:04,530 - INFO - TAKE PROFIT hit for short at 1981.3104589285715 | PnL: 1.50% | $2.76 +2025-03-10 19:56:04,549 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.750560714286 | Take profit: 1934.3949089285716 +2025-03-10 19:56:04,944 - INFO - CLOSED short at 1957.81 | PnL: 0.31% | $0.43 +2025-03-10 19:56:04,944 - INFO - OPENED LONG at 1957.81 | Stop loss: 1947.9898892857143 | Take profit: 1987.2237410714288 +2025-03-10 19:56:04,967 - INFO - CLOSED long at 1954.95 | PnL: -0.15% | $-0.50 +2025-03-10 19:56:04,967 - INFO - OPENED SHORT at 1954.95 | Stop loss: 1964.7558107142859 | Take profit: 1925.5791589285716 +2025-03-10 19:56:05,189 - INFO - TAKE PROFIT hit for short at 1925.5791589285716 | PnL: 1.50% | $2.84 +2025-03-10 19:56:05,209 - INFO - OPENED SHORT at 1926.3 | Stop loss: 1935.962560714286 | Take profit: 1897.3589089285713 +2025-03-10 19:56:05,274 - INFO - CLOSED short at 1927.31 | PnL: -0.05% | $-0.32 +2025-03-10 19:56:05,290 - INFO - OPENED SHORT at 1917.41 | Stop loss: 1927.028110714286 | Take profit: 1888.6022589285715 +2025-03-10 19:56:05,450 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.01, Avg Loss=$-0.41 +2025-03-10 19:56:05,450 - INFO - Episode 6: Reward=25.85, Balance=$105.21, Win Rate=60.0%, Trades=5, Episode PnL=$5.71, Total PnL=$29.81, Max Drawdown=0.3%, Pred Accuracy=99.7% +2025-03-10 19:56:05,451 - INFO - Refreshing data for episode 7 +2025-03-10 19:56:05,451 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:05,764 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:05,770 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:05,788 - INFO - OPENED SHORT at 2011.53 | Stop loss: 2021.6190357142855 | Take profit: 1981.3099714285715 +2025-03-10 19:56:05,834 - INFO - CLOSED short at 2010.32 | PnL: 0.06% | $-0.08 +2025-03-10 19:56:05,834 - INFO - OPENED LONG at 2010.32 | Stop loss: 2000.2370142857142 | Take profit: 2040.5218785714283 +2025-03-10 19:56:05,851 - INFO - CLOSED long at 2008.58 | PnL: -0.09% | $-0.37 +2025-03-10 19:56:05,851 - INFO - OPENED SHORT at 2008.58 | Stop loss: 2018.6542857142854 | Take profit: 1978.4042214285714 +2025-03-10 19:56:06,045 - INFO - TAKE PROFIT hit for short at 1978.4042214285714 | PnL: 1.50% | $2.75 +2025-03-10 19:56:06,068 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.750885714286 | Take profit: 1934.3944214285716 +2025-03-10 19:56:06,589 - INFO - CLOSED short at 1930.51 | PnL: 1.70% | $3.22 +2025-03-10 19:56:06,589 - INFO - OPENED LONG at 1930.51 | Stop loss: 1920.8260642857142 | Take profit: 1959.5147285714283 +2025-03-10 19:56:06,620 - INFO - CLOSED long at 1925.7 | PnL: -0.25% | $-0.73 +2025-03-10 19:56:06,620 - INFO - OPENED SHORT at 1925.7 | Stop loss: 1935.3598857142858 | Take profit: 1896.7674214285717 +2025-03-10 19:56:06,893 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$2.99, Avg Loss=$-0.39 +2025-03-10 19:56:06,893 - INFO - Episode 7: Reward=11.75, Balance=$104.80, Win Rate=40.0%, Trades=5, Episode PnL=$5.89, Total PnL=$34.61, Max Drawdown=0.0%, Pred Accuracy=99.7% +2025-03-10 19:56:06,893 - INFO - Refreshing data for episode 8 +2025-03-10 19:56:06,893 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:07,207 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:07,213 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:07,230 - INFO - OPENED SHORT at 2011.53 | Stop loss: 2021.6190857142856 | Take profit: 1981.3098964285714 +2025-03-10 19:56:07,479 - INFO - TAKE PROFIT hit for short at 1981.3098964285714 | PnL: 1.50% | $2.76 +2025-03-10 19:56:07,499 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7509357142858 | Take profit: 1934.3943464285717 +2025-03-10 19:56:07,516 - INFO - CLOSED short at 1968.1 | PnL: -0.21% | $-0.63 +2025-03-10 19:56:07,533 - INFO - OPENED SHORT at 1947.49 | Stop loss: 1957.2588857142855 | Take profit: 1918.2304964285713 +2025-03-10 19:56:07,685 - INFO - STOP LOSS hit for short at 1957.2588857142855 | PnL: -0.50% | $-1.21 +2025-03-10 19:56:07,718 - INFO - OPENED SHORT at 1960.27 | Stop loss: 1970.1027857142858 | Take profit: 1930.8187964285714 +2025-03-10 19:56:08,021 - INFO - TAKE PROFIT hit for short at 1930.8187964285714 | PnL: 1.50% | $2.79 +2025-03-10 19:56:08,040 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.5859357142856 | Take profit: 1901.8893464285716 +2025-03-10 19:56:08,323 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$2.77, Avg Loss=$-0.92 +2025-03-10 19:56:08,323 - INFO - Episode 8: Reward=12.24, Balance=$103.70, Win Rate=50.0%, Trades=4, Episode PnL=$3.70, Total PnL=$38.31, Max Drawdown=1.8%, Pred Accuracy=99.7% +2025-03-10 19:56:08,324 - INFO - Refreshing data for episode 9 +2025-03-10 19:56:08,324 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:08,632 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:08,638 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:08,653 - INFO - OPENED SHORT at 2011.53 | Stop loss: 2021.619107142857 | Take profit: 1981.3098642857142 +2025-03-10 19:56:08,912 - INFO - TAKE PROFIT hit for short at 1981.3098642857142 | PnL: 1.50% | $2.76 +2025-03-10 19:56:08,929 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7509571428573 | Take profit: 1934.3943142857145 +2025-03-10 19:56:09,415 - INFO - TAKE PROFIT hit for short at 1934.3943142857145 | PnL: 1.50% | $2.84 +2025-03-10 19:56:09,442 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.5859571428575 | Take profit: 1901.8893142857144 +2025-03-10 19:56:09,715 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.80, Avg Loss=$0.00 +2025-03-10 19:56:09,715 - INFO - Episode 9: Reward=14.09, Balance=$105.60, Win Rate=100.0%, Trades=2, Episode PnL=$5.60, Total PnL=$43.91, Max Drawdown=0.0%, Pred Accuracy=99.5% +2025-03-10 19:56:09,716 - INFO - Refreshing data for episode 10 +2025-03-10 19:56:09,716 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:10,012 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:10,018 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:10,320 - INFO - OPENED SHORT at 2011.53 | Stop loss: 2021.619107142857 | Take profit: 1981.3098642857142 +2025-03-10 19:56:10,594 - INFO - TAKE PROFIT hit for short at 1981.3098642857142 | PnL: 1.50% | $2.76 +2025-03-10 19:56:10,613 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7509571428573 | Take profit: 1934.3943142857145 +2025-03-10 19:56:11,195 - INFO - TAKE PROFIT hit for short at 1934.3943142857145 | PnL: 1.50% | $2.84 +2025-03-10 19:56:11,214 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.5859571428575 | Take profit: 1901.8893142857144 +2025-03-10 19:56:11,267 - INFO - CLOSED short at 1926.3 | PnL: 0.24% | $0.29 +2025-03-10 19:56:11,267 - INFO - OPENED LONG at 1926.3 | Stop loss: 1916.637042857143 | Take profit: 1955.2416857142855 +2025-03-10 19:56:11,284 - INFO - CLOSED long at 1922.96 | PnL: -0.17% | $-0.57 +2025-03-10 19:56:11,284 - INFO - OPENED SHORT at 1922.96 | Stop loss: 1932.606257142857 | Take profit: 1894.0684142857144 +2025-03-10 19:56:11,514 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.96, Avg Loss=$-0.57 +2025-03-10 19:56:11,514 - INFO - Episode 10: Reward=13.27, Balance=$105.32, Win Rate=75.0%, Trades=4, Episode PnL=$5.89, Total PnL=$49.23, Max Drawdown=0.0%, Pred Accuracy=99.3% +2025-03-10 19:56:11,638 - INFO - Model saved to checkpoints/trading_agent_episode_10.pt +2025-03-10 19:56:11,639 - INFO - Checkpoint saved at episode 10 +2025-03-10 19:56:12,011 - INFO - Visualization saved for episode 10 +2025-03-10 19:56:12,692 - INFO - Visualization saved for episode 10 +2025-03-10 19:56:12,698 - INFO - Refreshing data for episode 11 +2025-03-10 19:56:12,699 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:13,016 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:13,030 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:13,057 - INFO - OPENED SHORT at 2011.53 | Stop loss: 2021.6202750000002 | Take profit: 1981.3081125 +2025-03-10 19:56:13,319 - INFO - CLOSED short at 2006.12 | PnL: 0.27% | $0.33 +2025-03-10 19:56:13,336 - INFO - OPENED SHORT at 2002.62 | Stop loss: 2012.6657249999998 | Take profit: 1972.5317625 +2025-03-10 19:56:13,395 - INFO - TAKE PROFIT hit for short at 1972.5317625 | PnL: 1.50% | $2.77 +2025-03-10 19:56:13,413 - INFO - OPENED SHORT at 1968.1 | Stop loss: 1977.973125 | Take profit: 1938.5295624999999 +2025-03-10 19:56:13,538 - INFO - TAKE PROFIT hit for short at 1938.5295624999999 | PnL: 1.50% | $2.84 +2025-03-10 19:56:13,564 - INFO - OPENED SHORT at 1940.46 | Stop loss: 1950.194925 | Take profit: 1911.3041625 +2025-03-10 19:56:13,598 - INFO - STOP LOSS hit for short at 1950.194925 | PnL: -0.50% | $-1.25 +2025-03-10 19:56:13,617 - INFO - OPENED SHORT at 1958.3 | Stop loss: 1968.1241249999998 | Take profit: 1928.8765624999999 +2025-03-10 19:56:14,021 - INFO - TAKE PROFIT hit for short at 1928.8765624999999 | PnL: 1.50% | $2.89 +2025-03-10 19:56:14,040 - INFO - OPENED SHORT at 1920.01 | Stop loss: 1929.642675 | Take profit: 1891.1609125 +2025-03-10 19:56:14,211 - INFO - CLOSED short at 1915.57 | PnL: 0.23% | $0.28 +2025-03-10 19:56:14,212 - INFO - OPENED LONG at 1915.57 | Stop loss: 1905.9595249999998 | Take profit: 1944.3524875 +2025-03-10 19:56:14,230 - INFO - CLOSED long at 1917.17 | PnL: 0.08% | $-0.03 +2025-03-10 19:56:14,230 - INFO - OPENED SHORT at 1917.17 | Stop loss: 1926.788475 | Take profit: 1888.3635125 +2025-03-10 19:56:14,310 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 80.0% in downtrends | Avg Win=$1.82, Avg Loss=$-0.64 +2025-03-10 19:56:14,310 - INFO - Episode 11: Reward=15.12, Balance=$107.82, Win Rate=71.4%, Trades=7, Episode PnL=$7.86, Total PnL=$57.05, Max Drawdown=1.2%, Pred Accuracy=98.9% +2025-03-10 19:56:14,310 - INFO - Refreshing data for episode 12 +2025-03-10 19:56:14,310 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:14,638 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:14,638 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:14,662 - INFO - OPENED SHORT at 2011.53 | Stop loss: 2021.620482142857 | Take profit: 1981.3078017857142 +2025-03-10 19:56:14,914 - INFO - TAKE PROFIT hit for short at 1981.3078017857142 | PnL: 1.50% | $2.76 +2025-03-10 19:56:14,930 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7523321428573 | Take profit: 1934.3922517857145 +2025-03-10 19:56:14,976 - INFO - CLOSED short at 1945.18 | PnL: 0.95% | $1.72 +2025-03-10 19:56:14,989 - INFO - OPENED SHORT at 1949.46 | Stop loss: 1959.2401321428574 | Take profit: 1920.1688517857144 +2025-03-10 19:56:15,025 - INFO - CLOSED short at 1951.33 | PnL: -0.10% | $-0.40 +2025-03-10 19:56:15,026 - INFO - OPENED LONG at 1951.33 | Stop loss: 1941.5405178571427 | Take profit: 1980.6491982142854 +2025-03-10 19:56:15,039 - INFO - CLOSED long at 1944.39 | PnL: -0.36% | $-0.93 +2025-03-10 19:56:15,039 - INFO - OPENED SHORT at 1944.39 | Stop loss: 1954.1447821428574 | Take profit: 1915.1749017857144 +2025-03-10 19:56:15,095 - INFO - CLOSED short at 1944.31 | PnL: 0.00% | $-0.19 +2025-03-10 19:56:15,096 - INFO - OPENED LONG at 1944.31 | Stop loss: 1934.5556178571428 | Take profit: 1973.5238982142857 +2025-03-10 19:56:15,113 - INFO - CLOSED long at 1952.29 | PnL: 0.41% | $0.63 +2025-03-10 19:56:15,113 - INFO - OPENED SHORT at 1952.29 | Stop loss: 1962.0842821428573 | Take profit: 1922.9564017857142 +2025-03-10 19:56:15,231 - INFO - STOP LOSS hit for short at 1962.0842821428573 | PnL: -0.50% | $-1.23 +2025-03-10 19:56:15,250 - INFO - OPENED SHORT at 1964.45 | Stop loss: 1974.3050821428574 | Take profit: 1934.9340017857144 +2025-03-10 19:56:15,472 - INFO - TAKE PROFIT hit for short at 1934.9340017857144 | PnL: 1.50% | $2.82 +2025-03-10 19:56:15,494 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.5873321428571 | Take profit: 1901.8872517857142 +2025-03-10 19:56:15,569 - INFO - CLOSED short at 1922.96 | PnL: 0.41% | $0.64 +2025-03-10 19:56:15,570 - INFO - OPENED LONG at 1922.96 | Stop loss: 1913.312367857143 | Take profit: 1951.853648214286 +2025-03-10 19:56:15,584 - INFO - CLOSED long at 1923.32 | PnL: 0.02% | $-0.17 +2025-03-10 19:56:15,584 - INFO - OPENED SHORT at 1923.32 | Stop loss: 1932.969432142857 | Take profit: 1894.4209517857144 +2025-03-10 19:56:15,648 - INFO - CLOSED short at 1916.6 | PnL: 0.35% | $0.52 +2025-03-10 19:56:15,648 - INFO - OPENED LONG at 1916.6 | Stop loss: 1906.984167857143 | Take profit: 1945.3982482142856 +2025-03-10 19:56:15,666 - INFO - CLOSED long at 1916.72 | PnL: 0.01% | $-0.20 +2025-03-10 19:56:15,689 - INFO - OPENED SHORT at 1920.0 | Stop loss: 1929.6328321428573 | Take profit: 1891.1507517857142 +2025-03-10 19:56:15,805 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 57.1% in downtrends | Avg Win=$1.52, Avg Loss=$-0.52 +2025-03-10 19:56:15,805 - INFO - Episode 12: Reward=-2.37, Balance=$105.98, Win Rate=50.0%, Trades=12, Episode PnL=$6.45, Total PnL=$63.03, Max Drawdown=2.0%, Pred Accuracy=98.4% +2025-03-10 19:56:15,805 - INFO - Refreshing data for episode 13 +2025-03-10 19:56:15,805 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:16,113 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:16,118 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:16,135 - INFO - OPENED SHORT at 2011.53 | Stop loss: 2021.620482142857 | Take profit: 1981.3078017857142 +2025-03-10 19:56:16,263 - INFO - CLOSED short at 2010.0 | PnL: 0.08% | $-0.05 +2025-03-10 19:56:16,281 - INFO - OPENED SHORT at 2011.91 | Stop loss: 2022.0023821428572 | Take profit: 1981.6821017857144 +2025-03-10 19:56:16,346 - INFO - CLOSED short at 2006.12 | PnL: 0.29% | $0.37 +2025-03-10 19:56:16,361 - INFO - OPENED SHORT at 2002.62 | Stop loss: 2012.6659321428572 | Take profit: 1972.5314517857141 +2025-03-10 19:56:16,413 - INFO - TAKE PROFIT hit for short at 1972.5314517857141 | PnL: 1.50% | $2.77 +2025-03-10 19:56:16,429 - INFO - OPENED SHORT at 1968.1 | Stop loss: 1977.973332142857 | Take profit: 1938.5292517857142 +2025-03-10 19:56:16,540 - INFO - TAKE PROFIT hit for short at 1938.5292517857142 | PnL: 1.50% | $2.84 +2025-03-10 19:56:16,557 - INFO - OPENED SHORT at 1940.46 | Stop loss: 1950.1951321428571 | Take profit: 1911.3038517857142 +2025-03-10 19:56:16,591 - INFO - STOP LOSS hit for short at 1950.1951321428571 | PnL: -0.50% | $-1.25 +2025-03-10 19:56:16,607 - INFO - OPENED SHORT at 1958.3 | Stop loss: 1968.124332142857 | Take profit: 1928.8762517857142 +2025-03-10 19:56:16,993 - INFO - TAKE PROFIT hit for short at 1928.8762517857142 | PnL: 1.50% | $2.89 +2025-03-10 19:56:17,010 - INFO - OPENED SHORT at 1920.01 | Stop loss: 1929.642882142857 | Take profit: 1891.1606017857143 +2025-03-10 19:56:17,077 - INFO - CLOSED short at 1924.9 | PnL: -0.25% | $-0.75 +2025-03-10 19:56:17,077 - INFO - OPENED LONG at 1924.9 | Stop loss: 1915.242667857143 | Take profit: 1953.8227482142856 +2025-03-10 19:56:17,090 - INFO - CLOSED long at 1927.31 | PnL: 0.13% | $0.05 +2025-03-10 19:56:17,090 - INFO - OPENED SHORT at 1927.31 | Stop loss: 1936.979382142857 | Take profit: 1898.3511017857143 +2025-03-10 19:56:17,180 - INFO - CLOSED short at 1917.17 | PnL: 0.53% | $0.90 +2025-03-10 19:56:17,180 - INFO - OPENED LONG at 1917.17 | Stop loss: 1907.5513178571427 | Take profit: 1945.9767982142857 +2025-03-10 19:56:17,204 - INFO - CLOSED long at 1913.59 | PnL: -0.19% | $-0.61 +2025-03-10 19:56:17,204 - INFO - OPENED SHORT at 1913.59 | Stop loss: 1923.190782142857 | Take profit: 1884.8369017857142 +2025-03-10 19:56:17,265 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$1.64, Avg Loss=$-0.66 +2025-03-10 19:56:17,265 - INFO - Episode 13: Reward=-1.28, Balance=$107.16, Win Rate=60.0%, Trades=10, Episode PnL=$7.71, Total PnL=$70.19, Max Drawdown=1.2%, Pred Accuracy=97.7% +2025-03-10 19:56:17,265 - INFO - Refreshing data for episode 14 +2025-03-10 19:56:17,265 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:17,590 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:17,591 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:17,613 - INFO - OPENED SHORT at 2011.53 | Stop loss: 2021.620482142857 | Take profit: 1981.3078017857142 +2025-03-10 19:56:17,869 - INFO - TAKE PROFIT hit for short at 1981.3078017857142 | PnL: 1.50% | $2.76 +2025-03-10 19:56:17,884 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7523321428573 | Take profit: 1934.3922517857145 +2025-03-10 19:56:18,116 - INFO - CLOSED short at 1956.52 | PnL: 0.38% | $0.56 +2025-03-10 19:56:18,121 - INFO - OPENED LONG at 1956.52 | Stop loss: 1946.7045678571428 | Take profit: 1985.9170482142856 +2025-03-10 19:56:18,142 - INFO - CLOSED long at 1954.81 | PnL: -0.09% | $-0.38 +2025-03-10 19:56:18,142 - INFO - OPENED SHORT at 1954.81 | Stop loss: 1964.616882142857 | Take profit: 1925.4386017857144 +2025-03-10 19:56:18,171 - INFO - CLOSED short at 1966.38 | PnL: -0.59% | $-1.40 +2025-03-10 19:56:18,171 - INFO - OPENED LONG at 1966.38 | Stop loss: 1956.515267857143 | Take profit: 1995.9249482142857 +2025-03-10 19:56:18,202 - INFO - CLOSED long at 1964.45 | PnL: -0.10% | $-0.40 +2025-03-10 19:56:18,202 - INFO - OPENED SHORT at 1964.45 | Stop loss: 1974.3050821428574 | Take profit: 1934.9340017857144 +2025-03-10 19:56:18,328 - INFO - CLOSED short at 1951.12 | PnL: 0.68% | $1.15 +2025-03-10 19:56:18,328 - INFO - OPENED LONG at 1951.12 | Stop loss: 1941.3315678571428 | Take profit: 1980.4360482142856 +2025-03-10 19:56:18,346 - INFO - CLOSED long at 1950.4 | PnL: -0.04% | $-0.28 +2025-03-10 19:56:18,346 - INFO - OPENED SHORT at 1950.4 | Stop loss: 1960.1848321428572 | Take profit: 1921.0947517857144 +2025-03-10 19:56:18,384 - INFO - CLOSED short at 1946.71 | PnL: 0.19% | $0.18 +2025-03-10 19:56:18,385 - INFO - OPENED LONG at 1946.71 | Stop loss: 1936.943617857143 | Take profit: 1975.9598982142857 +2025-03-10 19:56:18,408 - INFO - CLOSED long at 1942.87 | PnL: -0.20% | $-0.60 +2025-03-10 19:56:18,408 - INFO - OPENED SHORT at 1942.87 | Stop loss: 1952.617182142857 | Take profit: 1913.6777017857141 +2025-03-10 19:56:18,539 - INFO - CLOSED short at 1922.96 | PnL: 1.02% | $1.85 +2025-03-10 19:56:18,539 - INFO - OPENED LONG at 1922.96 | Stop loss: 1913.312367857143 | Take profit: 1951.853648214286 +2025-03-10 19:56:18,562 - INFO - CLOSED long at 1923.32 | PnL: 0.02% | $-0.17 +2025-03-10 19:56:18,563 - INFO - OPENED SHORT at 1923.32 | Stop loss: 1932.969432142857 | Take profit: 1894.4209517857144 +2025-03-10 19:56:18,706 - INFO - CLOSED short at 1917.17 | PnL: 0.32% | $0.45 +2025-03-10 19:56:18,706 - INFO - OPENED LONG at 1917.17 | Stop loss: 1907.5513178571427 | Take profit: 1945.9767982142857 +2025-03-10 19:56:18,730 - INFO - CLOSED long at 1913.59 | PnL: -0.19% | $-0.58 +2025-03-10 19:56:18,731 - INFO - OPENED SHORT at 1913.59 | Stop loss: 1923.190782142857 | Take profit: 1884.8369017857142 +2025-03-10 19:56:18,789 - INFO - CLOSED short at 1911.19 | PnL: 0.13% | $0.05 +2025-03-10 19:56:18,805 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 85.7% in downtrends | Avg Win=$1.00, Avg Loss=$-0.54 +2025-03-10 19:56:18,806 - INFO - Episode 14: Reward=-4.68, Balance=$103.19, Win Rate=50.0%, Trades=14, Episode PnL=$5.59, Total PnL=$73.38, Max Drawdown=0.0%, Pred Accuracy=97.6% +2025-03-10 19:56:18,806 - INFO - Refreshing data for episode 15 +2025-03-10 19:56:18,806 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:19,103 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:19,110 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:19,694 - INFO - OPENED SHORT at 2011.53 | Stop loss: 2021.620482142857 | Take profit: 1981.3078017857142 +2025-03-10 19:56:19,735 - INFO - CLOSED short at 2009.9 | PnL: 0.08% | $-0.04 +2025-03-10 19:56:19,735 - INFO - OPENED LONG at 2009.9 | Stop loss: 1999.817667857143 | Take profit: 2040.0977482142857 +2025-03-10 19:56:19,752 - INFO - CLOSED long at 2010.32 | PnL: 0.02% | $-0.16 +2025-03-10 19:56:19,752 - INFO - OPENED SHORT at 2010.32 | Stop loss: 2020.4044321428569 | Take profit: 1980.1159517857143 +2025-03-10 19:56:19,803 - INFO - CLOSED short at 2008.34 | PnL: 0.10% | $-0.00 +2025-03-10 19:56:19,810 - INFO - OPENED LONG at 2008.34 | Stop loss: 1998.2654678571428 | Take profit: 2038.5143482142857 +2025-03-10 19:56:19,831 - INFO - CLOSED long at 2009.13 | PnL: 0.04% | $-0.12 +2025-03-10 19:56:19,831 - INFO - OPENED SHORT at 2009.13 | Stop loss: 2019.2084821428573 | Take profit: 1978.9438017857144 +2025-03-10 19:56:19,938 - INFO - CLOSED short at 2006.12 | PnL: 0.15% | $0.10 +2025-03-10 19:56:19,938 - INFO - OPENED LONG at 2006.12 | Stop loss: 1996.0565678571427 | Take profit: 2036.2610482142854 +2025-03-10 19:56:19,958 - INFO - CLOSED long at 2002.62 | PnL: -0.17% | $-0.54 +2025-03-10 19:56:19,958 - INFO - OPENED SHORT at 2002.62 | Stop loss: 2012.6659321428572 | Take profit: 1972.5314517857141 +2025-03-10 19:56:19,998 - INFO - CLOSED short at 1975.72 | PnL: 1.34% | $2.43 +2025-03-10 19:56:19,998 - INFO - OPENED LONG at 1975.72 | Stop loss: 1965.8085678571429 | Take profit: 2005.405048214286 +2025-03-10 19:56:20,017 - INFO - CLOSED long at 1963.9 | PnL: -0.60% | $-1.40 +2025-03-10 19:56:20,017 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7523321428573 | Take profit: 1934.3922517857145 +2025-03-10 19:56:20,200 - INFO - CLOSED short at 1940.46 | PnL: 1.19% | $2.16 +2025-03-10 19:56:20,200 - INFO - OPENED LONG at 1940.46 | Stop loss: 1930.724867857143 | Take profit: 1969.6161482142857 +2025-03-10 19:56:20,219 - INFO - CLOSED long at 1944.31 | PnL: 0.20% | $0.20 +2025-03-10 19:56:20,219 - INFO - OPENED SHORT at 1944.31 | Stop loss: 1954.0643821428573 | Take profit: 1915.0961017857144 +2025-03-10 19:56:20,258 - INFO - STOP LOSS hit for short at 1954.0643821428573 | PnL: -0.50% | $-1.21 +2025-03-10 19:56:20,278 - INFO - OPENED SHORT at 1960.37 | Stop loss: 1970.204682142857 | Take profit: 1930.915201785714 +2025-03-10 19:56:20,562 - INFO - CLOSED short at 1946.71 | PnL: 0.70% | $1.19 +2025-03-10 19:56:20,562 - INFO - OPENED LONG at 1946.71 | Stop loss: 1936.943617857143 | Take profit: 1975.9598982142857 +2025-03-10 19:56:20,582 - INFO - CLOSED long at 1942.87 | PnL: -0.20% | $-0.60 +2025-03-10 19:56:20,583 - INFO - OPENED SHORT at 1942.87 | Stop loss: 1952.617182142857 | Take profit: 1913.6777017857141 +2025-03-10 19:56:20,728 - INFO - CLOSED short at 1922.96 | PnL: 1.02% | $1.86 +2025-03-10 19:56:20,728 - INFO - OPENED LONG at 1922.96 | Stop loss: 1913.312367857143 | Take profit: 1951.853648214286 +2025-03-10 19:56:20,749 - INFO - CLOSED long at 1923.32 | PnL: 0.02% | $-0.17 +2025-03-10 19:56:20,749 - INFO - OPENED SHORT at 1923.32 | Stop loss: 1932.969432142857 | Take profit: 1894.4209517857144 +2025-03-10 19:56:20,766 - INFO - CLOSED short at 1924.9 | PnL: -0.08% | $-0.37 +2025-03-10 19:56:20,788 - INFO - OPENED SHORT at 1927.31 | Stop loss: 1936.979382142857 | Take profit: 1898.3511017857143 +2025-03-10 19:56:20,849 - INFO - CLOSED short at 1916.72 | PnL: 0.55% | $0.91 +2025-03-10 19:56:20,849 - INFO - OPENED LONG at 1916.72 | Stop loss: 1907.103567857143 | Take profit: 1945.520048214286 +2025-03-10 19:56:20,868 - INFO - CLOSED long at 1920.0 | PnL: 0.17% | $0.15 +2025-03-10 19:56:20,868 - INFO - OPENED SHORT at 1920.0 | Stop loss: 1929.6328321428573 | Take profit: 1891.1507517857142 +2025-03-10 19:56:20,943 - INFO - CLOSED short at 1916.25 | PnL: 0.20% | $0.20 +2025-03-10 19:56:20,943 - INFO - OPENED LONG at 1916.25 | Stop loss: 1906.6359178571429 | Take profit: 1945.0429982142857 +2025-03-10 19:56:20,965 - INFO - CLOSED long at 1914.83 | PnL: -0.07% | $-0.36 +2025-03-10 19:56:20,965 - INFO - OPENED SHORT at 1914.83 | Stop loss: 1924.436982142857 | Take profit: 1886.0583017857143 +2025-03-10 19:56:21,002 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 70.0% in downtrends | Avg Win=$1.02, Avg Loss=$-0.45 +2025-03-10 19:56:21,004 - INFO - Episode 15: Reward=-2.03, Balance=$104.22, Win Rate=45.0%, Trades=20, Episode PnL=$7.21, Total PnL=$77.60, Max Drawdown=0.0%, Pred Accuracy=98.0% +2025-03-10 19:56:21,004 - INFO - Refreshing data for episode 16 +2025-03-10 19:56:21,004 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:21,321 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:21,326 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:21,347 - INFO - OPENED SHORT at 2011.53 | Stop loss: 2021.620482142857 | Take profit: 1981.3078017857142 +2025-03-10 19:56:21,455 - INFO - CLOSED short at 2008.34 | PnL: 0.16% | $0.12 +2025-03-10 19:56:21,473 - INFO - OPENED LONG at 2009.13 | Stop loss: 1999.051517857143 | Take profit: 2039.3161982142858 +2025-03-10 19:56:21,490 - INFO - CLOSED long at 2010.0 | PnL: 0.04% | $-0.11 +2025-03-10 19:56:21,490 - INFO - OPENED SHORT at 2010.0 | Stop loss: 2020.0828321428571 | Take profit: 1979.8007517857143 +2025-03-10 19:56:21,639 - INFO - TAKE PROFIT hit for short at 1979.8007517857143 | PnL: 1.50% | $2.76 +2025-03-10 19:56:21,655 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7523321428573 | Take profit: 1934.3922517857145 +2025-03-10 19:56:21,674 - INFO - CLOSED short at 1968.1 | PnL: -0.21% | $-0.63 +2025-03-10 19:56:21,674 - INFO - OPENED LONG at 1968.1 | Stop loss: 1958.2266678571427 | Take profit: 1997.6707482142856 +2025-03-10 19:56:21,696 - INFO - CLOSED long at 1947.49 | PnL: -1.05% | $-2.30 +2025-03-10 19:56:21,696 - INFO - OPENED SHORT at 1947.49 | Stop loss: 1957.2602821428572 | Take profit: 1918.2284017857141 +2025-03-10 19:56:21,854 - INFO - CLOSED short at 1952.29 | PnL: -0.25% | $-0.68 +2025-03-10 19:56:21,855 - INFO - OPENED LONG at 1952.29 | Stop loss: 1942.4957178571428 | Take profit: 1981.6235982142857 +2025-03-10 19:56:21,907 - INFO - CLOSED long at 1960.27 | PnL: 0.41% | $0.60 +2025-03-10 19:56:21,908 - INFO - OPENED SHORT at 1960.27 | Stop loss: 1970.104182142857 | Take profit: 1930.8167017857143 +2025-03-10 19:56:21,942 - INFO - CLOSED short at 1954.81 | PnL: 0.28% | $0.35 +2025-03-10 19:56:21,944 - INFO - OPENED LONG at 1954.81 | Stop loss: 1945.0031178571428 | Take profit: 1984.1813982142858 +2025-03-10 19:56:21,963 - INFO - CLOSED long at 1958.19 | PnL: 0.17% | $0.14 +2025-03-10 19:56:21,963 - INFO - OPENED SHORT at 1958.19 | Stop loss: 1968.0137821428575 | Take profit: 1928.7679017857142 +2025-03-10 19:56:22,107 - INFO - CLOSED short at 1954.01 | PnL: 0.21% | $0.22 +2025-03-10 19:56:22,107 - INFO - OPENED LONG at 1954.01 | Stop loss: 1944.207117857143 | Take profit: 1983.3693982142859 +2025-03-10 19:56:22,127 - INFO - CLOSED long at 1951.12 | PnL: -0.15% | $-0.49 +2025-03-10 19:56:22,127 - INFO - OPENED SHORT at 1951.12 | Stop loss: 1960.908432142857 | Take profit: 1921.8039517857142 +2025-03-10 19:56:22,181 - INFO - CLOSED short at 1946.71 | PnL: 0.23% | $0.25 +2025-03-10 19:56:22,181 - INFO - OPENED LONG at 1946.71 | Stop loss: 1936.943617857143 | Take profit: 1975.9598982142857 +2025-03-10 19:56:22,197 - INFO - CLOSED long at 1942.87 | PnL: -0.20% | $-0.59 +2025-03-10 19:56:22,197 - INFO - OPENED SHORT at 1942.87 | Stop loss: 1952.617182142857 | Take profit: 1913.6777017857141 +2025-03-10 19:56:22,271 - INFO - CLOSED short at 1930.9 | PnL: 0.62% | $1.01 +2025-03-10 19:56:22,271 - INFO - OPENED LONG at 1930.9 | Stop loss: 1921.212667857143 | Take profit: 1959.912748214286 +2025-03-10 19:56:22,291 - INFO - CLOSED long at 1925.7 | PnL: -0.27% | $-0.73 +2025-03-10 19:56:22,291 - INFO - OPENED SHORT at 1925.7 | Stop loss: 1935.3613321428575 | Take profit: 1896.7652517857143 +2025-03-10 19:56:22,328 - INFO - CLOSED short at 1926.3 | PnL: -0.03% | $-0.26 +2025-03-10 19:56:22,328 - INFO - OPENED LONG at 1926.3 | Stop loss: 1916.6356678571428 | Take profit: 1955.2437482142855 +2025-03-10 19:56:22,347 - INFO - CLOSED long at 1922.96 | PnL: -0.17% | $-0.54 +2025-03-10 19:56:22,347 - INFO - OPENED SHORT at 1922.96 | Stop loss: 1932.607632142857 | Take profit: 1894.0663517857142 +2025-03-10 19:56:22,388 - INFO - CLOSED short at 1924.9 | PnL: -0.10% | $-0.39 +2025-03-10 19:56:22,388 - INFO - OPENED LONG at 1924.9 | Stop loss: 1915.242667857143 | Take profit: 1953.8227482142856 +2025-03-10 19:56:22,409 - INFO - CLOSED long at 1927.31 | PnL: 0.13% | $0.05 +2025-03-10 19:56:22,409 - INFO - OPENED SHORT at 1927.31 | Stop loss: 1936.979382142857 | Take profit: 1898.3511017857143 +2025-03-10 19:56:22,583 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 55.6% in downtrends | Avg Win=$0.61, Avg Loss=$-0.67 +2025-03-10 19:56:22,583 - INFO - Episode 16: Reward=-12.14, Balance=$98.78, Win Rate=47.4%, Trades=19, Episode PnL=$2.74, Total PnL=$76.38, Max Drawdown=0.0%, Pred Accuracy=98.2% +2025-03-10 19:56:22,583 - INFO - Refreshing data for episode 17 +2025-03-10 19:56:22,583 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:22,892 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:22,897 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:22,915 - INFO - OPENED SHORT at 2011.53 | Stop loss: 2021.620482142857 | Take profit: 1981.3078017857142 +2025-03-10 19:56:22,988 - INFO - CLOSED short at 2008.58 | PnL: 0.15% | $0.09 +2025-03-10 19:56:22,988 - INFO - OPENED LONG at 2008.58 | Stop loss: 1998.5042678571428 | Take profit: 2038.7579482142858 +2025-03-10 19:56:23,008 - INFO - CLOSED long at 2006.01 | PnL: -0.13% | $-0.45 +2025-03-10 19:56:23,008 - INFO - OPENED SHORT at 2006.01 | Stop loss: 2016.0728821428572 | Take profit: 1975.8706017857144 +2025-03-10 19:56:23,166 - INFO - CLOSED short at 2002.62 | PnL: 0.17% | $0.14 +2025-03-10 19:56:23,167 - INFO - OPENED LONG at 2002.62 | Stop loss: 1992.5740678571428 | Take profit: 2032.7085482142857 +2025-03-10 19:56:23,184 - INFO - CLOSED long at 1996.21 | PnL: -0.32% | $-0.82 +2025-03-10 19:56:23,184 - INFO - OPENED SHORT at 1996.21 | Stop loss: 2006.2238821428573 | Take profit: 1966.2176017857144 +2025-03-10 19:56:23,218 - INFO - TAKE PROFIT hit for short at 1966.2176017857144 | PnL: 1.50% | $2.73 +2025-03-10 19:56:23,241 - INFO - OPENED SHORT at 1968.1 | Stop loss: 1977.973332142857 | Take profit: 1938.5292517857142 +2025-03-10 19:56:23,364 - INFO - TAKE PROFIT hit for short at 1938.5292517857142 | PnL: 1.50% | $2.81 +2025-03-10 19:56:23,383 - INFO - OPENED SHORT at 1940.46 | Stop loss: 1950.1951321428571 | Take profit: 1911.3038517857142 +2025-03-10 19:56:23,418 - INFO - STOP LOSS hit for short at 1950.1951321428571 | PnL: -0.50% | $-1.24 +2025-03-10 19:56:23,434 - INFO - OPENED SHORT at 1958.3 | Stop loss: 1968.124332142857 | Take profit: 1928.8762517857142 +2025-03-10 19:56:23,523 - INFO - CLOSED short at 1958.19 | PnL: 0.01% | $-0.19 +2025-03-10 19:56:23,523 - INFO - OPENED LONG at 1958.19 | Stop loss: 1948.3662178571428 | Take profit: 1987.6120982142859 +2025-03-10 19:56:23,541 - INFO - CLOSED long at 1966.38 | PnL: 0.42% | $0.65 +2025-03-10 19:56:23,541 - INFO - OPENED SHORT at 1966.38 | Stop loss: 1976.2447321428572 | Take profit: 1936.8350517857143 +2025-03-10 19:56:23,555 - INFO - CLOSED short at 1964.45 | PnL: 0.10% | $-0.00 +2025-03-10 19:56:23,555 - INFO - OPENED LONG at 1964.45 | Stop loss: 1954.594917857143 | Take profit: 1993.965998214286 +2025-03-10 19:56:23,574 - INFO - CLOSED long at 1962.42 | PnL: -0.10% | $-0.41 +2025-03-10 19:56:23,574 - INFO - OPENED SHORT at 1962.42 | Stop loss: 1972.264932142857 | Take profit: 1932.9344517857144 +2025-03-10 19:56:23,762 - INFO - CLOSED short at 1936.29 | PnL: 1.33% | $2.50 +2025-03-10 19:56:23,781 - INFO - OPENED LONG at 1936.47 | Stop loss: 1926.754817857143 | Take profit: 1965.5662982142858 +2025-03-10 19:56:23,800 - INFO - CLOSED long at 1930.51 | PnL: -0.31% | $-0.85 +2025-03-10 19:56:23,800 - INFO - OPENED SHORT at 1930.51 | Stop loss: 1940.1953821428572 | Take profit: 1901.5031017857143 +2025-03-10 19:56:23,886 - INFO - CLOSED short at 1922.96 | PnL: 0.39% | $0.60 +2025-03-10 19:56:23,887 - INFO - OPENED LONG at 1922.96 | Stop loss: 1913.312367857143 | Take profit: 1951.853648214286 +2025-03-10 19:56:23,923 - INFO - CLOSED long at 1924.9 | PnL: 0.10% | $0.00 +2025-03-10 19:56:23,924 - INFO - OPENED SHORT at 1924.9 | Stop loss: 1934.5573321428574 | Take profit: 1895.9772517857145 +2025-03-10 19:56:24,038 - INFO - CLOSED short at 1915.57 | PnL: 0.48% | $0.80 +2025-03-10 19:56:24,038 - INFO - OPENED LONG at 1915.57 | Stop loss: 1905.9593178571429 | Take profit: 1944.3527982142855 +2025-03-10 19:56:24,055 - INFO - CLOSED long at 1917.17 | PnL: 0.08% | $-0.03 +2025-03-10 19:56:24,055 - INFO - OPENED SHORT at 1917.17 | Stop loss: 1926.7886821428572 | Take profit: 1888.3632017857144 +2025-03-10 19:56:24,123 - INFO - CLOSED short at 1914.83 | PnL: 0.12% | $0.05 +2025-03-10 19:56:24,123 - INFO - OPENED LONG at 1914.83 | Stop loss: 1905.2230178571426 | Take profit: 1943.6016982142855 +2025-03-10 19:56:24,144 - INFO - CLOSED long at 1911.19 | PnL: -0.19% | $-0.61 +2025-03-10 19:56:24,144 - INFO - OPENED SHORT at 1911.19 | Stop loss: 1920.7787821428574 | Take profit: 1882.4729017857144 +2025-03-10 19:56:24,159 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 70.0% in downtrends | Avg Win=$1.04, Avg Loss=$-0.51 +2025-03-10 19:56:24,159 - INFO - Episode 17: Reward=-4.09, Balance=$105.75, Win Rate=52.6%, Trades=19, Episode PnL=$8.28, Total PnL=$82.13, Max Drawdown=1.2%, Pred Accuracy=98.1% +2025-03-10 19:56:24,159 - INFO - Refreshing data for episode 18 +2025-03-10 19:56:24,159 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:24,465 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:24,471 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:24,490 - INFO - OPENED SHORT at 2011.53 | Stop loss: 2021.6204892857143 | Take profit: 1981.3077910714285 +2025-03-10 19:56:24,701 - INFO - CLOSED short at 2002.62 | PnL: 0.44% | $0.67 +2025-03-10 19:56:24,701 - INFO - OPENED LONG at 2002.62 | Stop loss: 1992.5740607142857 | Take profit: 2032.7085589285712 +2025-03-10 19:56:24,725 - INFO - CLOSED long at 1996.21 | PnL: -0.32% | $-0.83 +2025-03-10 19:56:24,726 - INFO - OPENED SHORT at 1996.21 | Stop loss: 2006.2238892857144 | Take profit: 1966.2175910714286 +2025-03-10 19:56:24,742 - INFO - CLOSED short at 1975.72 | PnL: 1.03% | $1.82 +2025-03-10 19:56:24,742 - INFO - OPENED LONG at 1975.72 | Stop loss: 1965.8085607142857 | Take profit: 2005.4050589285714 +2025-03-10 19:56:24,757 - INFO - CLOSED long at 1963.9 | PnL: -0.60% | $-1.40 +2025-03-10 19:56:24,757 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7523392857142 | Take profit: 1934.3922410714288 +2025-03-10 19:56:24,809 - INFO - CLOSED short at 1945.18 | PnL: 0.95% | $1.68 +2025-03-10 19:56:24,809 - INFO - OPENED LONG at 1945.18 | Stop loss: 1935.4212607142858 | Take profit: 1974.4069589285716 +2025-03-10 19:56:24,845 - INFO - CLOSED long at 1953.79 | PnL: 0.44% | $0.69 +2025-03-10 19:56:24,845 - INFO - OPENED SHORT at 1953.79 | Stop loss: 1963.5917892857142 | Take profit: 1924.4338910714284 +2025-03-10 19:56:24,863 - INFO - CLOSED short at 1951.33 | PnL: 0.13% | $0.05 +2025-03-10 19:56:24,863 - INFO - OPENED LONG at 1951.33 | Stop loss: 1941.5405107142856 | Take profit: 1980.6492089285712 +2025-03-10 19:56:24,879 - INFO - CLOSED long at 1944.39 | PnL: -0.36% | $-0.92 +2025-03-10 19:56:24,879 - INFO - OPENED SHORT at 1944.39 | Stop loss: 1954.1447892857145 | Take profit: 1915.1748910714286 +2025-03-10 19:56:24,920 - INFO - CLOSED short at 1940.46 | PnL: 0.20% | $0.20 +2025-03-10 19:56:24,920 - INFO - OPENED LONG at 1940.46 | Stop loss: 1930.7248607142858 | Take profit: 1969.6161589285716 +2025-03-10 19:56:24,937 - INFO - CLOSED long at 1944.31 | PnL: 0.20% | $0.20 +2025-03-10 19:56:24,937 - INFO - OPENED SHORT at 1944.31 | Stop loss: 1954.0643892857142 | Take profit: 1915.0960910714286 +2025-03-10 19:56:24,953 - INFO - CLOSED short at 1952.29 | PnL: -0.41% | $-1.03 +2025-03-10 19:56:24,953 - INFO - OPENED LONG at 1952.29 | Stop loss: 1942.4957107142857 | Take profit: 1981.6236089285712 +2025-03-10 19:56:24,991 - INFO - CLOSED long at 1960.37 | PnL: 0.41% | $0.62 +2025-03-10 19:56:24,993 - INFO - OPENED SHORT at 1960.37 | Stop loss: 1970.204689285714 | Take profit: 1930.9151910714284 +2025-03-10 19:56:25,011 - INFO - CLOSED short at 1960.27 | PnL: 0.01% | $-0.19 +2025-03-10 19:56:25,011 - INFO - OPENED LONG at 1960.27 | Stop loss: 1950.4358107142857 | Take profit: 1989.7233089285712 +2025-03-10 19:56:25,029 - INFO - CLOSED long at 1956.52 | PnL: -0.19% | $-0.58 +2025-03-10 19:56:25,030 - INFO - OPENED SHORT at 1956.52 | Stop loss: 1966.3354392857145 | Take profit: 1927.1229410714286 +2025-03-10 19:56:25,083 - INFO - STOP LOSS hit for short at 1966.3354392857145 | PnL: -0.50% | $-1.20 +2025-03-10 19:56:25,101 - INFO - OPENED SHORT at 1964.45 | Stop loss: 1974.3050892857143 | Take profit: 1934.9339910714286 +2025-03-10 19:56:25,158 - INFO - CLOSED short at 1961.83 | PnL: 0.13% | $0.07 +2025-03-10 19:56:25,158 - INFO - OPENED LONG at 1961.83 | Stop loss: 1951.9880107142858 | Take profit: 1991.3067089285714 +2025-03-10 19:56:25,196 - INFO - CLOSED long at 1954.95 | PnL: -0.35% | $-0.89 +2025-03-10 19:56:25,196 - INFO - OPENED SHORT at 1954.95 | Stop loss: 1964.7575892857142 | Take profit: 1925.5764910714288 +2025-03-10 19:56:25,381 - INFO - CLOSED short at 1930.9 | PnL: 1.23% | $2.20 +2025-03-10 19:56:25,381 - INFO - OPENED LONG at 1930.9 | Stop loss: 1921.2126607142857 | Take profit: 1959.9127589285715 +2025-03-10 19:56:25,424 - INFO - STOP LOSS hit for long at 1921.2126607142857 | PnL: -0.50% | $-1.20 +2025-03-10 19:56:25,443 - INFO - OPENED SHORT at 1926.3 | Stop loss: 1935.9643392857145 | Take profit: 1897.3562410714285 +2025-03-10 19:56:25,636 - INFO - CLOSED short at 1913.59 | PnL: 0.66% | $1.10 +2025-03-10 19:56:25,636 - INFO - OPENED LONG at 1913.59 | Stop loss: 1903.9892107142855 | Take profit: 1942.3431089285716 +2025-03-10 19:56:25,654 - INFO - CLOSED long at 1916.25 | PnL: 0.14% | $0.08 +2025-03-10 19:56:25,654 - INFO - OPENED SHORT at 1916.25 | Stop loss: 1925.864089285714 | Take profit: 1887.4569910714285 +2025-03-10 19:56:25,710 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$0.78, Avg Loss=$-0.91 +2025-03-10 19:56:25,710 - INFO - Episode 18: Reward=-1.01, Balance=$101.16, Win Rate=57.1%, Trades=21, Episode PnL=$4.19, Total PnL=$83.29, Max Drawdown=0.2%, Pred Accuracy=98.0% +2025-03-10 19:56:25,710 - INFO - Refreshing data for episode 19 +2025-03-10 19:56:25,710 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:26,036 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:26,041 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:26,059 - INFO - OPENED LONG at 2011.53 | Stop loss: 2001.4395107142857 | Take profit: 2041.7522089285712 +2025-03-10 19:56:26,078 - INFO - CLOSED long at 2007.54 | PnL: -0.20% | $-0.59 +2025-03-10 19:56:26,078 - INFO - OPENED SHORT at 2007.54 | Stop loss: 2017.6105392857141 | Take profit: 1977.3776410714283 +2025-03-10 19:56:26,143 - INFO - CLOSED short at 2006.01 | PnL: 0.08% | $-0.05 +2025-03-10 19:56:26,143 - INFO - OPENED LONG at 2006.01 | Stop loss: 1995.9471107142856 | Take profit: 2036.1494089285713 +2025-03-10 19:56:26,193 - INFO - CLOSED long at 2009.13 | PnL: 0.16% | $0.11 +2025-03-10 19:56:26,193 - INFO - OPENED SHORT at 2009.13 | Stop loss: 2019.2084892857142 | Take profit: 1978.9437910714287 +2025-03-10 19:56:26,313 - INFO - CLOSED short at 2006.12 | PnL: 0.15% | $0.10 +2025-03-10 19:56:26,313 - INFO - OPENED LONG at 2006.12 | Stop loss: 1996.0565607142858 | Take profit: 2036.2610589285712 +2025-03-10 19:56:26,331 - INFO - CLOSED long at 2002.62 | PnL: -0.17% | $-0.54 +2025-03-10 19:56:26,334 - INFO - OPENED SHORT at 2002.62 | Stop loss: 2012.665939285714 | Take profit: 1972.5314410714284 +2025-03-10 19:56:26,374 - INFO - CLOSED short at 1975.72 | PnL: 1.34% | $2.42 +2025-03-10 19:56:26,374 - INFO - OPENED LONG at 1975.72 | Stop loss: 1965.8085607142857 | Take profit: 2005.4050589285714 +2025-03-10 19:56:26,395 - INFO - CLOSED long at 1963.9 | PnL: -0.60% | $-1.39 +2025-03-10 19:56:26,395 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7523392857142 | Take profit: 1934.3922410714288 +2025-03-10 19:56:26,537 - INFO - CLOSED short at 1937.81 | PnL: 1.33% | $2.42 +2025-03-10 19:56:26,537 - INFO - OPENED LONG at 1937.81 | Stop loss: 1928.0881107142857 | Take profit: 1966.9264089285714 +2025-03-10 19:56:26,576 - INFO - CLOSED long at 1944.31 | PnL: 0.34% | $0.47 +2025-03-10 19:56:26,576 - INFO - OPENED SHORT at 1944.31 | Stop loss: 1954.0643892857142 | Take profit: 1915.0960910714286 +2025-03-10 19:56:26,614 - INFO - CLOSED short at 1958.3 | PnL: -0.72% | $-1.66 +2025-03-10 19:56:26,614 - INFO - OPENED LONG at 1958.3 | Stop loss: 1948.4756607142858 | Take profit: 1987.7237589285714 +2025-03-10 19:56:26,651 - INFO - CLOSED long at 1960.27 | PnL: 0.10% | $0.00 +2025-03-10 19:56:26,651 - INFO - OPENED SHORT at 1960.27 | Stop loss: 1970.104189285714 | Take profit: 1930.8166910714285 +2025-03-10 19:56:26,671 - INFO - CLOSED short at 1956.52 | PnL: 0.19% | $0.18 +2025-03-10 19:56:26,671 - INFO - OPENED LONG at 1956.52 | Stop loss: 1946.7045607142857 | Take profit: 1985.9170589285711 +2025-03-10 19:56:26,726 - INFO - CLOSED long at 1966.38 | PnL: 0.50% | $0.81 +2025-03-10 19:56:26,726 - INFO - OPENED SHORT at 1966.38 | Stop loss: 1976.2447392857143 | Take profit: 1936.8350410714288 +2025-03-10 19:56:26,751 - INFO - CLOSED short at 1964.45 | PnL: 0.10% | $-0.00 +2025-03-10 19:56:26,752 - INFO - OPENED LONG at 1964.45 | Stop loss: 1954.5949107142858 | Take profit: 1993.9660089285715 +2025-03-10 19:56:26,809 - INFO - CLOSED long at 1961.83 | PnL: -0.13% | $-0.47 +2025-03-10 19:56:26,810 - INFO - OPENED SHORT at 1961.83 | Stop loss: 1971.6719892857143 | Take profit: 1932.3532910714287 +2025-03-10 19:56:26,846 - INFO - CLOSED short at 1954.95 | PnL: 0.35% | $0.50 +2025-03-10 19:56:26,847 - INFO - OPENED LONG at 1954.95 | Stop loss: 1945.1424107142857 | Take profit: 1984.3235089285715 +2025-03-10 19:56:26,873 - INFO - CLOSED long at 1954.01 | PnL: -0.05% | $-0.30 +2025-03-10 19:56:26,874 - INFO - OPENED SHORT at 1954.01 | Stop loss: 1963.8128892857142 | Take profit: 1924.6505910714286 +2025-03-10 19:56:26,935 - INFO - CLOSED short at 1943.75 | PnL: 0.53% | $0.85 +2025-03-10 19:56:26,935 - INFO - OPENED LONG at 1943.75 | Stop loss: 1933.9984107142857 | Take profit: 1972.9555089285714 +2025-03-10 19:56:26,952 - INFO - CLOSED long at 1946.71 | PnL: 0.15% | $0.11 +2025-03-10 19:56:26,952 - INFO - OPENED SHORT at 1946.71 | Stop loss: 1956.476389285714 | Take profit: 1917.4600910714287 +2025-03-10 19:56:26,994 - INFO - CLOSED short at 1936.29 | PnL: 0.54% | $0.88 +2025-03-10 19:56:26,994 - INFO - OPENED LONG at 1936.29 | Stop loss: 1926.5757107142858 | Take profit: 1965.3836089285714 +2025-03-10 19:56:27,019 - INFO - CLOSED long at 1936.47 | PnL: 0.01% | $-0.19 +2025-03-10 19:56:27,019 - INFO - OPENED SHORT at 1936.47 | Stop loss: 1946.1851892857142 | Take profit: 1907.3736910714285 +2025-03-10 19:56:27,038 - INFO - CLOSED short at 1930.51 | PnL: 0.31% | $0.42 +2025-03-10 19:56:27,038 - INFO - OPENED LONG at 1930.51 | Stop loss: 1920.8246107142857 | Take profit: 1959.5169089285714 +2025-03-10 19:56:27,058 - INFO - CLOSED long at 1930.9 | PnL: 0.02% | $-0.16 +2025-03-10 19:56:27,059 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.5873392857143 | Take profit: 1901.8872410714287 +2025-03-10 19:56:27,101 - INFO - CLOSED short at 1920.01 | PnL: 0.56% | $0.95 +2025-03-10 19:56:27,101 - INFO - OPENED LONG at 1920.01 | Stop loss: 1910.3771107142857 | Take profit: 1948.8594089285716 +2025-03-10 19:56:27,120 - INFO - CLOSED long at 1926.3 | PnL: 0.33% | $0.47 +2025-03-10 19:56:27,121 - INFO - OPENED SHORT at 1926.3 | Stop loss: 1935.9643392857145 | Take profit: 1897.3562410714285 +2025-03-10 19:56:27,176 - INFO - CLOSED short at 1924.9 | PnL: 0.07% | $-0.06 +2025-03-10 19:56:27,176 - INFO - OPENED LONG at 1924.9 | Stop loss: 1915.2426607142859 | Take profit: 1953.8227589285716 +2025-03-10 19:56:27,193 - INFO - CLOSED long at 1927.31 | PnL: 0.13% | $0.05 +2025-03-10 19:56:27,194 - INFO - OPENED SHORT at 1927.31 | Stop loss: 1936.9793892857142 | Take profit: 1898.3510910714285 +2025-03-10 19:56:27,260 - INFO - CLOSED short at 1916.72 | PnL: 0.55% | $0.93 +2025-03-10 19:56:27,260 - INFO - OPENED LONG at 1916.72 | Stop loss: 1907.1035607142858 | Take profit: 1945.5200589285716 +2025-03-10 19:56:27,281 - INFO - CLOSED long at 1920.0 | PnL: 0.17% | $0.15 +2025-03-10 19:56:27,281 - INFO - OPENED SHORT at 1920.0 | Stop loss: 1929.6328392857145 | Take profit: 1891.1507410714287 +2025-03-10 19:56:27,360 - INFO - CLOSED short at 1916.25 | PnL: 0.20% | $0.20 +2025-03-10 19:56:27,361 - INFO - OPENED LONG at 1916.25 | Stop loss: 1906.6359107142857 | Take profit: 1945.0430089285715 +2025-03-10 19:56:27,381 - INFO - CLOSED long at 1914.83 | PnL: -0.07% | $-0.37 +2025-03-10 19:56:27,381 - INFO - OPENED SHORT at 1914.83 | Stop loss: 1924.4369892857142 | Take profit: 1886.0582910714286 +2025-03-10 19:56:27,421 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 73.3% in downtrends | Avg Win=$0.63, Avg Loss=$-0.48 +2025-03-10 19:56:27,421 - INFO - Episode 19: Reward=-1.40, Balance=$106.26, Win Rate=61.3%, Trades=31, Episode PnL=$8.09, Total PnL=$89.55, Max Drawdown=0.0%, Pred Accuracy=98.1% +2025-03-10 19:56:27,421 - INFO - Refreshing data for episode 20 +2025-03-10 19:56:27,421 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:27,735 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:27,742 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:28,063 - INFO - OPENED SHORT at 2011.53 | Stop loss: 2021.62095 | Take profit: 1981.3071 +2025-03-10 19:56:28,084 - INFO - CLOSED short at 2007.54 | PnL: 0.20% | $0.19 +2025-03-10 19:56:28,084 - INFO - OPENED LONG at 2007.54 | Stop loss: 1997.4689999999998 | Take profit: 2037.7030499999998 +2025-03-10 19:56:28,121 - INFO - CLOSED long at 2010.32 | PnL: 0.14% | $0.08 +2025-03-10 19:56:28,121 - INFO - OPENED SHORT at 2010.32 | Stop loss: 2020.4049000000002 | Take profit: 1980.1152499999998 +2025-03-10 19:56:28,207 - INFO - CLOSED short at 2010.0 | PnL: 0.02% | $-0.17 +2025-03-10 19:56:28,208 - INFO - OPENED LONG at 2010.0 | Stop loss: 1999.9167 | Take profit: 2040.1999500000002 +2025-03-10 19:56:28,224 - INFO - CLOSED long at 2011.91 | PnL: 0.10% | $-0.01 +2025-03-10 19:56:28,224 - INFO - OPENED SHORT at 2011.91 | Stop loss: 2022.0028500000003 | Take profit: 1981.6814 +2025-03-10 19:56:28,263 - INFO - CLOSED short at 2006.16 | PnL: 0.29% | $0.37 +2025-03-10 19:56:28,263 - INFO - OPENED LONG at 2006.16 | Stop loss: 1996.0959 | Take profit: 2036.30235 +2025-03-10 19:56:28,281 - INFO - CLOSED long at 2004.48 | PnL: -0.08% | $-0.36 +2025-03-10 19:56:28,283 - INFO - OPENED SHORT at 2004.48 | Stop loss: 2014.5357000000001 | Take profit: 1974.3628500000002 +2025-03-10 19:56:28,383 - INFO - TAKE PROFIT hit for short at 1974.3628500000002 | PnL: 1.50% | $2.76 +2025-03-10 19:56:28,403 - INFO - OPENED SHORT at 1968.1 | Stop loss: 1977.9737999999998 | Take profit: 1938.5285499999998 +2025-03-10 19:56:28,427 - INFO - CLOSED short at 1947.49 | PnL: 1.05% | $1.92 +2025-03-10 19:56:28,427 - INFO - OPENED LONG at 1947.49 | Stop loss: 1937.71925 | Take profit: 1976.7523 +2025-03-10 19:56:28,448 - INFO - CLOSED long at 1945.18 | PnL: -0.12% | $-0.45 +2025-03-10 19:56:28,448 - INFO - OPENED SHORT at 1945.18 | Stop loss: 1954.9392 | Take profit: 1915.95235 +2025-03-10 19:56:28,489 - INFO - CLOSED short at 1953.79 | PnL: -0.44% | $-1.11 +2025-03-10 19:56:28,489 - INFO - OPENED LONG at 1953.79 | Stop loss: 1943.98775 | Take profit: 1983.1467999999998 +2025-03-10 19:56:28,512 - INFO - CLOSED long at 1951.33 | PnL: -0.13% | $-0.46 +2025-03-10 19:56:28,513 - INFO - OPENED SHORT at 1951.33 | Stop loss: 1961.1199499999998 | Take profit: 1922.0101 +2025-03-10 19:56:28,557 - INFO - CLOSED short at 1937.81 | PnL: 0.69% | $1.20 +2025-03-10 19:56:28,558 - INFO - OPENED LONG at 1937.81 | Stop loss: 1928.08765 | Take profit: 1966.9270999999999 +2025-03-10 19:56:28,584 - INFO - CLOSED long at 1940.46 | PnL: 0.14% | $0.08 +2025-03-10 19:56:28,584 - INFO - OPENED SHORT at 1940.46 | Stop loss: 1950.1956000000002 | Take profit: 1911.3031500000002 +2025-03-10 19:56:28,625 - INFO - STOP LOSS hit for short at 1950.1956000000002 | PnL: -0.50% | $-1.23 +2025-03-10 19:56:28,650 - INFO - OPENED SHORT at 1958.3 | Stop loss: 1968.1247999999998 | Take profit: 1928.87555 +2025-03-10 19:56:28,739 - INFO - CLOSED short at 1954.81 | PnL: 0.18% | $0.16 +2025-03-10 19:56:28,739 - INFO - OPENED LONG at 1954.81 | Stop loss: 1945.00265 | Take profit: 1984.1821 +2025-03-10 19:56:28,838 - INFO - CLOSED long at 1958.39 | PnL: 0.18% | $0.17 +2025-03-10 19:56:28,838 - INFO - OPENED SHORT at 1958.39 | Stop loss: 1968.21525 | Take profit: 1928.9642 +2025-03-10 19:56:28,912 - INFO - CLOSED short at 1954.01 | PnL: 0.22% | $0.25 +2025-03-10 19:56:28,912 - INFO - OPENED LONG at 1954.01 | Stop loss: 1944.20665 | Take profit: 1983.3701 +2025-03-10 19:56:28,931 - INFO - CLOSED long at 1951.12 | PnL: -0.15% | $-0.50 +2025-03-10 19:56:28,931 - INFO - OPENED SHORT at 1951.12 | Stop loss: 1960.9088999999997 | Take profit: 1921.80325 +2025-03-10 19:56:28,966 - INFO - CLOSED short at 1943.75 | PnL: 0.38% | $0.56 +2025-03-10 19:56:28,967 - INFO - OPENED LONG at 1943.75 | Stop loss: 1933.9979500000002 | Take profit: 1972.9561999999999 +2025-03-10 19:56:28,986 - INFO - CLOSED long at 1946.71 | PnL: 0.15% | $0.11 +2025-03-10 19:56:28,987 - INFO - OPENED SHORT at 1946.71 | Stop loss: 1956.47685 | Take profit: 1917.4594000000002 +2025-03-10 19:56:29,006 - INFO - CLOSED short at 1942.87 | PnL: 0.20% | $0.20 +2025-03-10 19:56:29,006 - INFO - OPENED LONG at 1942.87 | Stop loss: 1933.12235 | Take profit: 1972.0629999999999 +2025-03-10 19:56:29,043 - INFO - CLOSED long at 1936.47 | PnL: -0.33% | $-0.88 +2025-03-10 19:56:29,044 - INFO - OPENED SHORT at 1936.47 | Stop loss: 1946.18565 | Take profit: 1907.373 +2025-03-10 19:56:29,116 - INFO - CLOSED short at 1920.01 | PnL: 0.85% | $1.52 +2025-03-10 19:56:29,144 - INFO - OPENED SHORT at 1926.3 | Stop loss: 1935.9648000000002 | Take profit: 1897.35555 +2025-03-10 19:56:29,162 - INFO - CLOSED short at 1922.96 | PnL: 0.17% | $0.15 +2025-03-10 19:56:29,162 - INFO - OPENED LONG at 1922.96 | Stop loss: 1913.3119000000002 | Take profit: 1951.8543499999998 +2025-03-10 19:56:29,183 - INFO - CLOSED long at 1923.32 | PnL: 0.02% | $-0.17 +2025-03-10 19:56:29,183 - INFO - OPENED SHORT at 1923.32 | Stop loss: 1932.9698999999998 | Take profit: 1894.42025 +2025-03-10 19:56:29,221 - INFO - CLOSED short at 1927.31 | PnL: -0.21% | $-0.63 +2025-03-10 19:56:29,222 - INFO - OPENED LONG at 1927.31 | Stop loss: 1917.64015 | Take profit: 1956.2695999999999 +2025-03-10 19:56:29,240 - INFO - CLOSED long at 1917.41 | PnL: -0.51% | $-1.25 +2025-03-10 19:56:29,240 - INFO - OPENED SHORT at 1917.41 | Stop loss: 1927.0303500000002 | Take profit: 1888.5989000000002 +2025-03-10 19:56:29,300 - INFO - CLOSED short at 1920.0 | PnL: -0.14% | $-0.47 +2025-03-10 19:56:29,300 - INFO - OPENED LONG at 1920.0 | Stop loss: 1910.3667 | Take profit: 1948.8499499999998 +2025-03-10 19:56:29,321 - INFO - CLOSED long at 1915.57 | PnL: -0.23% | $-0.66 +2025-03-10 19:56:29,322 - INFO - OPENED SHORT at 1915.57 | Stop loss: 1925.1811500000001 | Take profit: 1886.7865 +2025-03-10 19:56:29,386 - INFO - CLOSED short at 1916.25 | PnL: -0.04% | $-0.27 +2025-03-10 19:56:29,387 - INFO - OPENED LONG at 1916.25 | Stop loss: 1906.63545 | Take profit: 1945.0436999999997 +2025-03-10 19:56:29,403 - INFO - CLOSED long at 1914.83 | PnL: -0.07% | $-0.35 +2025-03-10 19:56:29,403 - INFO - OPENED SHORT at 1914.83 | Stop loss: 1924.4374500000001 | Take profit: 1886.0575999999999 +2025-03-10 19:56:29,444 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 62.5% in downtrends | Avg Win=$0.65, Avg Loss=$-0.56 +2025-03-10 19:56:29,446 - INFO - Episode 20: Reward=0.18, Balance=$100.72, Win Rate=48.4%, Trades=31, Episode PnL=$5.39, Total PnL=$90.27, Max Drawdown=0.1%, Pred Accuracy=98.2% +2025-03-10 19:56:29,568 - INFO - Model saved to checkpoints/trading_agent_episode_20.pt +2025-03-10 19:56:29,568 - INFO - Checkpoint saved at episode 20 +2025-03-10 19:56:29,568 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:56:29,976 - INFO - Visualization saved for episode 20 +2025-03-10 19:56:30,715 - INFO - Visualization saved for episode 20 +2025-03-10 19:56:30,720 - INFO - Refreshing data for episode 21 +2025-03-10 19:56:30,721 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:31,039 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:31,046 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:31,082 - INFO - OPENED SHORT at 2011.53 | Stop loss: 2021.6211 | Take profit: 1981.306875 +2025-03-10 19:56:31,388 - INFO - TAKE PROFIT hit for short at 1981.306875 | PnL: 1.50% | $2.76 +2025-03-10 19:56:31,409 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7529500000003 | Take profit: 1934.391325 +2025-03-10 19:56:31,488 - INFO - CLOSED short at 1949.46 | PnL: 0.74% | $1.28 +2025-03-10 19:56:31,509 - INFO - OPENED LONG at 1953.79 | Stop loss: 1943.9876 | Take profit: 1983.1470250000002 +2025-03-10 19:56:31,550 - INFO - CLOSED long at 1944.39 | PnL: -0.48% | $-1.19 +2025-03-10 19:56:31,550 - INFO - OPENED SHORT at 1944.39 | Stop loss: 1954.1453999999999 | Take profit: 1915.173975 +2025-03-10 19:56:31,641 - INFO - STOP LOSS hit for short at 1954.1453999999999 | PnL: -0.50% | $-1.22 +2025-03-10 19:56:31,664 - INFO - OPENED SHORT at 1960.37 | Stop loss: 1970.2053 | Take profit: 1930.9142749999999 +2025-03-10 19:56:31,724 - INFO - CLOSED short at 1954.81 | PnL: 0.28% | $0.37 +2025-03-10 19:56:31,724 - INFO - OPENED LONG at 1954.81 | Stop loss: 1945.0025 | Take profit: 1984.1823249999998 +2025-03-10 19:56:31,752 - INFO - CLOSED long at 1958.19 | PnL: 0.17% | $0.15 +2025-03-10 19:56:31,752 - INFO - OPENED SHORT at 1958.19 | Stop loss: 1968.0144 | Take profit: 1928.766975 +2025-03-10 19:56:31,772 - INFO - CLOSED short at 1966.38 | PnL: -0.42% | $-1.04 +2025-03-10 19:56:31,772 - INFO - OPENED LONG at 1966.38 | Stop loss: 1956.51465 | Take profit: 1995.925875 +2025-03-10 19:56:31,813 - INFO - CLOSED long at 1962.42 | PnL: -0.20% | $-0.60 +2025-03-10 19:56:31,814 - INFO - OPENED SHORT at 1962.42 | Stop loss: 1972.26555 | Take profit: 1932.9335250000001 +2025-03-10 19:56:31,931 - INFO - CLOSED short at 1951.12 | PnL: 0.58% | $0.94 +2025-03-10 19:56:31,931 - INFO - OPENED LONG at 1951.12 | Stop loss: 1941.33095 | Take profit: 1980.4369749999998 +2025-03-10 19:56:31,950 - INFO - CLOSED long at 1950.4 | PnL: -0.04% | $-0.27 +2025-03-10 19:56:31,950 - INFO - OPENED SHORT at 1950.4 | Stop loss: 1960.18545 | Take profit: 1921.0938250000002 +2025-03-10 19:56:32,109 - INFO - CLOSED short at 1920.01 | PnL: 1.56% | $2.90 +2025-03-10 19:56:32,110 - INFO - OPENED LONG at 1920.01 | Stop loss: 1910.3764999999999 | Take profit: 1948.8603249999999 +2025-03-10 19:56:32,126 - INFO - CLOSED long at 1926.3 | PnL: 0.33% | $0.47 +2025-03-10 19:56:32,145 - INFO - OPENED SHORT at 1922.96 | Stop loss: 1932.6082500000002 | Take profit: 1894.065425 +2025-03-10 19:56:32,268 - INFO - CLOSED short at 1920.0 | PnL: 0.15% | $0.11 +2025-03-10 19:56:32,269 - INFO - OPENED LONG at 1920.0 | Stop loss: 1910.36655 | Take profit: 1948.8501750000003 +2025-03-10 19:56:32,288 - INFO - CLOSED long at 1915.57 | PnL: -0.23% | $-0.68 +2025-03-10 19:56:32,288 - INFO - OPENED SHORT at 1915.57 | Stop loss: 1925.1813 | Take profit: 1886.786275 +2025-03-10 19:56:32,389 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 71.4% in downtrends | Avg Win=$1.12, Avg Loss=$-0.83 +2025-03-10 19:56:32,390 - INFO - Episode 21: Reward=12.48, Balance=$103.97, Win Rate=57.1%, Trades=14, Episode PnL=$6.57, Total PnL=$94.25, Max Drawdown=2.3%, Pred Accuracy=98.3% +2025-03-10 19:56:32,390 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:56:32,390 - INFO - Refreshing data for episode 22 +2025-03-10 19:56:32,390 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:32,705 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:32,711 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:32,731 - INFO - OPENED LONG at 2011.53 | Stop loss: 2001.4388999999999 | Take profit: 2041.753125 +2025-03-10 19:56:32,750 - INFO - CLOSED long at 2007.54 | PnL: -0.20% | $-0.59 +2025-03-10 19:56:32,750 - INFO - OPENED SHORT at 2007.54 | Stop loss: 2017.61115 | Take profit: 1977.376725 +2025-03-10 19:56:32,857 - INFO - CLOSED short at 2009.13 | PnL: -0.08% | $-0.35 +2025-03-10 19:56:32,857 - INFO - OPENED LONG at 2009.13 | Stop loss: 1999.0509 | Take profit: 2039.3171250000003 +2025-03-10 19:56:32,874 - INFO - CLOSED long at 2010.0 | PnL: 0.04% | $-0.11 +2025-03-10 19:56:32,874 - INFO - OPENED SHORT at 2010.0 | Stop loss: 2020.0834500000003 | Take profit: 1979.799825 +2025-03-10 19:56:32,984 - INFO - CLOSED short at 2002.62 | PnL: 0.37% | $0.52 +2025-03-10 19:56:32,985 - INFO - OPENED LONG at 2002.62 | Stop loss: 1992.5734499999999 | Take profit: 2032.7094749999997 +2025-03-10 19:56:33,004 - INFO - CLOSED long at 1996.21 | PnL: -0.32% | $-0.82 +2025-03-10 19:56:33,004 - INFO - OPENED SHORT at 1996.21 | Stop loss: 2006.2245 | Take profit: 1966.2166750000001 +2025-03-10 19:56:33,043 - INFO - TAKE PROFIT hit for short at 1966.2166750000001 | PnL: 1.50% | $2.72 +2025-03-10 19:56:33,065 - INFO - OPENED SHORT at 1968.1 | Stop loss: 1977.97395 | Take profit: 1938.528325 +2025-03-10 19:56:33,131 - INFO - CLOSED short at 1949.46 | PnL: 0.95% | $1.69 +2025-03-10 19:56:33,131 - INFO - OPENED LONG at 1949.46 | Stop loss: 1939.6792500000001 | Take profit: 1978.752075 +2025-03-10 19:56:33,151 - INFO - CLOSED long at 1953.79 | PnL: 0.22% | $0.25 +2025-03-10 19:56:33,151 - INFO - OPENED SHORT at 1953.79 | Stop loss: 1963.5924 | Take profit: 1924.432975 +2025-03-10 19:56:33,188 - INFO - CLOSED short at 1944.39 | PnL: 0.48% | $0.77 +2025-03-10 19:56:33,188 - INFO - OPENED LONG at 1944.39 | Stop loss: 1934.6346 | Take profit: 1973.6060250000003 +2025-03-10 19:56:33,207 - INFO - CLOSED long at 1937.81 | PnL: -0.34% | $-0.90 +2025-03-10 19:56:33,207 - INFO - OPENED SHORT at 1937.81 | Stop loss: 1947.5324999999998 | Take profit: 1908.692675 +2025-03-10 19:56:33,227 - INFO - CLOSED short at 1940.46 | PnL: -0.14% | $-0.48 +2025-03-10 19:56:33,228 - INFO - OPENED LONG at 1940.46 | Stop loss: 1930.72425 | Take profit: 1969.6170749999999 +2025-03-10 19:56:33,250 - INFO - CLOSED long at 1944.31 | PnL: 0.20% | $0.20 +2025-03-10 19:56:33,251 - INFO - OPENED SHORT at 1944.31 | Stop loss: 1954.065 | Take profit: 1915.095175 +2025-03-10 19:56:33,292 - INFO - STOP LOSS hit for short at 1954.065 | PnL: -0.50% | $-1.22 +2025-03-10 19:56:33,311 - INFO - OPENED SHORT at 1960.37 | Stop loss: 1970.2053 | Take profit: 1930.9142749999999 +2025-03-10 19:56:33,330 - INFO - CLOSED short at 1960.27 | PnL: 0.01% | $-0.19 +2025-03-10 19:56:33,330 - INFO - OPENED LONG at 1960.27 | Stop loss: 1950.4352 | Take profit: 1989.724225 +2025-03-10 19:56:33,352 - INFO - CLOSED long at 1956.52 | PnL: -0.19% | $-0.58 +2025-03-10 19:56:33,352 - INFO - OPENED SHORT at 1956.52 | Stop loss: 1966.33605 | Take profit: 1927.122025 +2025-03-10 19:56:33,414 - INFO - STOP LOSS hit for short at 1966.33605 | PnL: -0.50% | $-1.19 +2025-03-10 19:56:33,436 - INFO - OPENED SHORT at 1964.45 | Stop loss: 1974.3057 | Take profit: 1934.9330750000001 +2025-03-10 19:56:33,475 - INFO - CLOSED short at 1958.39 | PnL: 0.31% | $0.41 +2025-03-10 19:56:33,475 - INFO - OPENED LONG at 1958.39 | Stop loss: 1948.5646000000002 | Take profit: 1987.8160249999999 +2025-03-10 19:56:33,494 - INFO - CLOSED long at 1961.83 | PnL: 0.18% | $0.15 +2025-03-10 19:56:33,495 - INFO - OPENED SHORT at 1961.83 | Stop loss: 1971.6725999999999 | Take profit: 1932.352375 +2025-03-10 19:56:33,534 - INFO - CLOSED short at 1954.95 | PnL: 0.35% | $0.49 +2025-03-10 19:56:33,534 - INFO - OPENED LONG at 1954.95 | Stop loss: 1945.1418 | Take profit: 1984.324425 +2025-03-10 19:56:33,555 - INFO - CLOSED long at 1954.01 | PnL: -0.05% | $-0.29 +2025-03-10 19:56:33,555 - INFO - OPENED SHORT at 1954.01 | Stop loss: 1963.8135 | Take profit: 1924.649675 +2025-03-10 19:56:33,730 - INFO - CLOSED short at 1930.9 | PnL: 1.18% | $2.14 +2025-03-10 19:56:33,730 - INFO - OPENED LONG at 1930.9 | Stop loss: 1921.21205 | Take profit: 1959.9136750000002 +2025-03-10 19:56:33,756 - INFO - CLOSED long at 1925.7 | PnL: -0.27% | $-0.75 +2025-03-10 19:56:33,757 - INFO - OPENED SHORT at 1925.7 | Stop loss: 1935.3619500000002 | Take profit: 1896.764325 +2025-03-10 19:56:33,916 - INFO - CLOSED short at 1916.6 | PnL: 0.47% | $0.75 +2025-03-10 19:56:33,916 - INFO - OPENED LONG at 1916.6 | Stop loss: 1906.98355 | Take profit: 1945.399175 +2025-03-10 19:56:33,956 - INFO - CLOSED long at 1920.0 | PnL: 0.18% | $0.16 +2025-03-10 19:56:33,956 - INFO - OPENED SHORT at 1920.0 | Stop loss: 1929.6334500000003 | Take profit: 1891.149825 +2025-03-10 19:56:34,033 - INFO - CLOSED short at 1916.25 | PnL: 0.20% | $0.19 +2025-03-10 19:56:34,033 - INFO - OPENED LONG at 1916.25 | Stop loss: 1906.6353 | Take profit: 1945.043925 +2025-03-10 19:56:34,052 - INFO - CLOSED long at 1914.83 | PnL: -0.07% | $-0.35 +2025-03-10 19:56:34,052 - INFO - OPENED SHORT at 1914.83 | Stop loss: 1924.4376 | Take profit: 1886.0573749999999 +2025-03-10 19:56:34,097 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 64.3% in downtrends | Avg Win=$0.80, Avg Loss=$-0.60 +2025-03-10 19:56:34,098 - INFO - Episode 22: Reward=9.26, Balance=$102.62, Win Rate=50.0%, Trades=26, Episode PnL=$6.25, Total PnL=$96.86, Max Drawdown=1.9%, Pred Accuracy=98.3% +2025-03-10 19:56:34,098 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:56:34,098 - INFO - Refreshing data for episode 23 +2025-03-10 19:56:34,098 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:34,399 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:34,408 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:34,429 - INFO - OPENED SHORT at 2011.53 | Stop loss: 2021.6212 | Take profit: 1981.3067250000001 +2025-03-10 19:56:34,516 - INFO - CLOSED short at 2008.58 | PnL: 0.15% | $0.09 +2025-03-10 19:56:34,517 - INFO - OPENED LONG at 2008.58 | Stop loss: 1998.50355 | Take profit: 2038.7590249999996 +2025-03-10 19:56:34,540 - INFO - CLOSED long at 2006.01 | PnL: -0.13% | $-0.45 +2025-03-10 19:56:34,540 - INFO - OPENED SHORT at 2006.01 | Stop loss: 2016.0735999999997 | Take profit: 1975.8695249999998 +2025-03-10 19:56:34,561 - INFO - CLOSED short at 2008.34 | PnL: -0.12% | $-0.42 +2025-03-10 19:56:34,561 - INFO - OPENED LONG at 2008.34 | Stop loss: 1998.26475 | Take profit: 2038.5154249999998 +2025-03-10 19:56:34,625 - INFO - CLOSED long at 2011.91 | PnL: 0.18% | $0.15 +2025-03-10 19:56:34,626 - INFO - OPENED SHORT at 2011.91 | Stop loss: 2022.0031 | Take profit: 1981.681025 +2025-03-10 19:56:34,644 - INFO - CLOSED short at 2008.39 | PnL: 0.17% | $0.15 +2025-03-10 19:56:34,644 - INFO - OPENED LONG at 2008.39 | Stop loss: 1998.3145 | Take profit: 2038.5661750000002 +2025-03-10 19:56:34,722 - INFO - CLOSED long at 2002.62 | PnL: -0.29% | $-0.76 +2025-03-10 19:56:34,723 - INFO - OPENED SHORT at 2002.62 | Stop loss: 2012.66665 | Take profit: 1972.5303749999998 +2025-03-10 19:56:34,742 - INFO - CLOSED short at 1996.21 | PnL: 0.32% | $0.43 +2025-03-10 19:56:34,742 - INFO - OPENED LONG at 1996.21 | Stop loss: 1986.1954 | Take profit: 2026.203475 +2025-03-10 19:56:34,761 - INFO - STOP LOSS hit for long at 1986.1954 | PnL: -0.50% | $-1.17 +2025-03-10 19:56:34,814 - INFO - OPENED LONG at 1947.49 | Stop loss: 1937.719 | Take profit: 1976.752675 +2025-03-10 19:56:34,906 - INFO - CLOSED long at 1944.39 | PnL: -0.16% | $-0.50 +2025-03-10 19:56:34,906 - INFO - OPENED SHORT at 1944.39 | Stop loss: 1954.1455 | Take profit: 1915.173825 +2025-03-10 19:56:34,924 - INFO - CLOSED short at 1937.81 | PnL: 0.34% | $0.46 +2025-03-10 19:56:34,925 - INFO - OPENED LONG at 1937.81 | Stop loss: 1928.0874 | Take profit: 1966.9274749999997 +2025-03-10 19:56:34,946 - INFO - CLOSED long at 1940.46 | PnL: 0.14% | $0.07 +2025-03-10 19:56:34,947 - INFO - OPENED SHORT at 1940.46 | Stop loss: 1950.1958500000003 | Take profit: 1911.302775 +2025-03-10 19:56:34,968 - INFO - CLOSED short at 1944.31 | PnL: -0.20% | $-0.58 +2025-03-10 19:56:34,968 - INFO - OPENED LONG at 1944.31 | Stop loss: 1934.5548999999999 | Take profit: 1973.5249749999998 +2025-03-10 19:56:35,062 - INFO - CLOSED long at 1956.52 | PnL: 0.63% | $1.01 +2025-03-10 19:56:35,062 - INFO - OPENED SHORT at 1956.52 | Stop loss: 1966.33615 | Take profit: 1927.1218749999998 +2025-03-10 19:56:35,103 - INFO - CLOSED short at 1958.19 | PnL: -0.09% | $-0.36 +2025-03-10 19:56:35,103 - INFO - OPENED LONG at 1958.19 | Stop loss: 1948.3655 | Take profit: 1987.613175 +2025-03-10 19:56:35,230 - INFO - CLOSED long at 1954.95 | PnL: -0.17% | $-0.51 +2025-03-10 19:56:35,230 - INFO - OPENED SHORT at 1954.95 | Stop loss: 1964.7583000000002 | Take profit: 1925.575425 +2025-03-10 19:56:35,248 - INFO - CLOSED short at 1954.01 | PnL: 0.05% | $-0.10 +2025-03-10 19:56:35,249 - INFO - OPENED LONG at 1954.01 | Stop loss: 1944.2064 | Take profit: 1983.3704750000002 +2025-03-10 19:56:35,307 - INFO - CLOSED long at 1943.75 | PnL: -0.53% | $-1.20 +2025-03-10 19:56:35,308 - INFO - OPENED SHORT at 1943.75 | Stop loss: 1953.5023 | Take profit: 1914.5434249999998 +2025-03-10 19:56:35,353 - INFO - CLOSED short at 1942.87 | PnL: 0.05% | $-0.10 +2025-03-10 19:56:35,353 - INFO - OPENED LONG at 1942.87 | Stop loss: 1933.1220999999998 | Take profit: 1972.063375 +2025-03-10 19:56:35,413 - INFO - STOP LOSS hit for long at 1933.1220999999998 | PnL: -0.50% | $-1.14 +2025-03-10 19:56:35,432 - INFO - OPENED LONG at 1930.9 | Stop loss: 1921.2119500000001 | Take profit: 1959.9138249999999 +2025-03-10 19:56:35,480 - INFO - STOP LOSS hit for long at 1921.2119500000001 | PnL: -0.50% | $-1.12 +2025-03-10 19:56:35,499 - INFO - OPENED SHORT at 1926.3 | Stop loss: 1935.96505 | Take profit: 1897.355175 +2025-03-10 19:56:35,517 - INFO - CLOSED short at 1922.96 | PnL: 0.17% | $0.14 +2025-03-10 19:56:35,517 - INFO - OPENED LONG at 1922.96 | Stop loss: 1913.3116499999999 | Take profit: 1951.854725 +2025-03-10 19:56:35,560 - INFO - CLOSED long at 1924.9 | PnL: 0.10% | $0.00 +2025-03-10 19:56:35,560 - INFO - OPENED SHORT at 1924.9 | Stop loss: 1934.55805 | Take profit: 1895.976175 +2025-03-10 19:56:35,584 - INFO - CLOSED short at 1927.31 | PnL: -0.13% | $-0.42 +2025-03-10 19:56:35,584 - INFO - OPENED LONG at 1927.31 | Stop loss: 1917.6399 | Take profit: 1956.2699749999997 +2025-03-10 19:56:35,607 - INFO - STOP LOSS hit for long at 1917.6399 | PnL: -0.50% | $-1.11 +2025-03-10 19:56:35,628 - INFO - OPENED LONG at 1916.6 | Stop loss: 1906.98345 | Take profit: 1945.399325 +2025-03-10 19:56:35,801 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 33.3% in downtrends | Avg Win=$0.28, Avg Loss=$-0.66 +2025-03-10 19:56:35,802 - INFO - Episode 23: Reward=-17.38, Balance=$92.56, Win Rate=37.5%, Trades=24, Episode PnL=$-5.26, Total PnL=$89.42, Max Drawdown=7.4%, Pred Accuracy=98.4% +2025-03-10 19:56:35,802 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:56:35,803 - INFO - Refreshing data for episode 24 +2025-03-10 19:56:35,803 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:36,106 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:36,112 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:36,132 - INFO - OPENED SHORT at 2011.53 | Stop loss: 2021.6212 | Take profit: 1981.3067250000001 +2025-03-10 19:56:36,150 - INFO - CLOSED short at 2007.54 | PnL: 0.20% | $0.19 +2025-03-10 19:56:36,151 - INFO - OPENED LONG at 2007.54 | Stop loss: 1997.46875 | Take profit: 2037.703425 +2025-03-10 19:56:36,170 - INFO - CLOSED long at 2009.9 | PnL: 0.12% | $0.03 +2025-03-10 19:56:36,171 - INFO - OPENED SHORT at 2009.9 | Stop loss: 2019.98305 | Take profit: 1979.7011750000001 +2025-03-10 19:56:36,190 - INFO - CLOSED short at 2010.32 | PnL: -0.02% | $-0.24 +2025-03-10 19:56:36,190 - INFO - OPENED LONG at 2010.32 | Stop loss: 2000.23485 | Take profit: 2040.5251249999997 +2025-03-10 19:56:36,352 - INFO - CLOSED long at 2006.12 | PnL: -0.21% | $-0.61 +2025-03-10 19:56:36,353 - INFO - OPENED SHORT at 2006.12 | Stop loss: 2016.1841499999996 | Take profit: 1975.9778749999998 +2025-03-10 19:56:36,370 - INFO - CLOSED short at 2002.62 | PnL: 0.17% | $0.15 +2025-03-10 19:56:36,370 - INFO - OPENED LONG at 2002.62 | Stop loss: 1992.57335 | Take profit: 2032.709625 +2025-03-10 19:56:36,413 - INFO - STOP LOSS hit for long at 1992.57335 | PnL: -0.50% | $-1.18 +2025-03-10 19:56:36,431 - INFO - OPENED LONG at 1963.9 | Stop loss: 1954.0469500000002 | Take profit: 1993.408825 +2025-03-10 19:56:36,466 - INFO - CLOSED long at 1947.49 | PnL: -0.84% | $-1.81 +2025-03-10 19:56:36,466 - INFO - OPENED SHORT at 1947.49 | Stop loss: 1957.261 | Take profit: 1918.227325 +2025-03-10 19:56:36,483 - INFO - CLOSED short at 1945.18 | PnL: 0.12% | $0.04 +2025-03-10 19:56:36,483 - INFO - OPENED LONG at 1945.18 | Stop loss: 1935.42055 | Take profit: 1974.408025 +2025-03-10 19:56:36,897 - INFO - CLOSED long at 1943.75 | PnL: -0.07% | $-0.33 +2025-03-10 19:56:36,897 - INFO - OPENED SHORT at 1943.75 | Stop loss: 1953.5023 | Take profit: 1914.5434249999998 +2025-03-10 19:56:36,913 - INFO - CLOSED short at 1946.71 | PnL: -0.15% | $-0.48 +2025-03-10 19:56:36,916 - INFO - OPENED LONG at 1946.71 | Stop loss: 1936.9429 | Take profit: 1975.9609750000002 +2025-03-10 19:56:36,934 - INFO - CLOSED long at 1942.87 | PnL: -0.20% | $-0.56 +2025-03-10 19:56:36,934 - INFO - OPENED SHORT at 1942.87 | Stop loss: 1952.6178999999997 | Take profit: 1913.6766249999998 +2025-03-10 19:56:36,951 - INFO - CLOSED short at 1936.29 | PnL: 0.34% | $0.45 +2025-03-10 19:56:36,952 - INFO - OPENED LONG at 1936.29 | Stop loss: 1926.5749999999998 | Take profit: 1965.3846750000002 +2025-03-10 19:56:37,006 - INFO - CLOSED long at 1930.9 | PnL: -0.28% | $-0.71 +2025-03-10 19:56:37,007 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.58805 | Take profit: 1901.886175 +2025-03-10 19:56:37,024 - INFO - CLOSED short at 1925.7 | PnL: 0.27% | $0.32 +2025-03-10 19:56:37,024 - INFO - OPENED LONG at 1925.7 | Stop loss: 1916.03795 | Take profit: 1954.6358250000003 +2025-03-10 19:56:37,041 - INFO - CLOSED long at 1920.01 | PnL: -0.30% | $-0.74 +2025-03-10 19:56:37,041 - INFO - OPENED SHORT at 1920.01 | Stop loss: 1929.6436 | Take profit: 1891.159525 +2025-03-10 19:56:37,068 - INFO - CLOSED short at 1926.3 | PnL: -0.33% | $-0.79 +2025-03-10 19:56:37,069 - INFO - OPENED LONG at 1926.3 | Stop loss: 1916.6349500000001 | Take profit: 1955.2448249999998 +2025-03-10 19:56:37,179 - INFO - STOP LOSS hit for long at 1916.6349500000001 | PnL: -0.50% | $-1.11 +2025-03-10 19:56:37,198 - INFO - OPENED LONG at 1916.72 | Stop loss: 1907.10285 | Take profit: 1945.521125 +2025-03-10 19:56:37,215 - INFO - CLOSED long at 1920.0 | PnL: 0.17% | $0.13 +2025-03-10 19:56:37,215 - INFO - OPENED SHORT at 1920.0 | Stop loss: 1929.63355 | Take profit: 1891.149675 +2025-03-10 19:56:37,234 - INFO - CLOSED short at 1915.57 | PnL: 0.23% | $0.24 +2025-03-10 19:56:37,234 - INFO - OPENED LONG at 1915.57 | Stop loss: 1905.9586 | Take profit: 1944.3538749999998 +2025-03-10 19:56:37,251 - INFO - CLOSED long at 1917.17 | PnL: 0.08% | $-0.03 +2025-03-10 19:56:37,252 - INFO - OPENED SHORT at 1917.17 | Stop loss: 1926.7894000000001 | Take profit: 1888.362125 +2025-03-10 19:56:37,343 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 54.5% in downtrends | Avg Win=$0.19, Avg Loss=$-0.72 +2025-03-10 19:56:37,344 - INFO - Episode 24: Reward=-20.50, Balance=$92.95, Win Rate=40.0%, Trades=20, Episode PnL=$-2.42, Total PnL=$82.37, Max Drawdown=7.4%, Pred Accuracy=98.5% +2025-03-10 19:56:37,344 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:56:37,344 - INFO - Refreshing data for episode 25 +2025-03-10 19:56:37,344 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:37,658 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:37,664 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:38,211 - INFO - OPENED SHORT at 2011.53 | Stop loss: 2021.6212 | Take profit: 1981.3067250000001 +2025-03-10 19:56:38,227 - INFO - CLOSED short at 2007.54 | PnL: 0.20% | $0.19 +2025-03-10 19:56:38,227 - INFO - OPENED LONG at 2007.54 | Stop loss: 1997.46875 | Take profit: 2037.703425 +2025-03-10 19:56:38,251 - INFO - CLOSED long at 2009.9 | PnL: 0.12% | $0.03 +2025-03-10 19:56:38,252 - INFO - OPENED SHORT at 2009.9 | Stop loss: 2019.98305 | Take profit: 1979.7011750000001 +2025-03-10 19:56:38,323 - INFO - CLOSED short at 2008.34 | PnL: 0.08% | $-0.04 +2025-03-10 19:56:38,323 - INFO - OPENED LONG at 2008.34 | Stop loss: 1998.26475 | Take profit: 2038.5154249999998 +2025-03-10 19:56:38,373 - INFO - CLOSED long at 2010.0 | PnL: 0.08% | $-0.03 +2025-03-10 19:56:38,373 - INFO - OPENED SHORT at 2010.0 | Stop loss: 2020.0835499999998 | Take profit: 1979.799675 +2025-03-10 19:56:38,448 - INFO - CLOSED short at 2004.48 | PnL: 0.27% | $0.34 +2025-03-10 19:56:38,448 - INFO - OPENED LONG at 2004.48 | Stop loss: 1994.4240499999999 | Take profit: 2034.5975250000001 +2025-03-10 19:56:38,502 - INFO - CLOSED long at 1996.21 | PnL: -0.41% | $-1.01 +2025-03-10 19:56:38,503 - INFO - OPENED SHORT at 1996.21 | Stop loss: 2006.2246000000002 | Take profit: 1966.216525 +2025-03-10 19:56:38,537 - INFO - TAKE PROFIT hit for short at 1966.216525 | PnL: 1.50% | $2.74 +2025-03-10 19:56:38,554 - INFO - OPENED LONG at 1968.1 | Stop loss: 1958.2259499999998 | Take profit: 1997.671825 +2025-03-10 19:56:38,573 - INFO - CLOSED long at 1947.49 | PnL: -1.05% | $-2.31 +2025-03-10 19:56:38,573 - INFO - OPENED SHORT at 1947.49 | Stop loss: 1957.261 | Take profit: 1918.227325 +2025-03-10 19:56:38,592 - INFO - CLOSED short at 1945.18 | PnL: 0.12% | $0.04 +2025-03-10 19:56:38,592 - INFO - OPENED LONG at 1945.18 | Stop loss: 1935.42055 | Take profit: 1974.408025 +2025-03-10 19:56:38,610 - INFO - CLOSED long at 1949.46 | PnL: 0.22% | $0.24 +2025-03-10 19:56:38,610 - INFO - OPENED SHORT at 1949.46 | Stop loss: 1959.2408500000001 | Take profit: 1920.167775 +2025-03-10 19:56:38,645 - INFO - CLOSED short at 1951.33 | PnL: -0.10% | $-0.39 +2025-03-10 19:56:38,645 - INFO - OPENED LONG at 1951.33 | Stop loss: 1941.5398 | Take profit: 1980.6502750000002 +2025-03-10 19:56:38,692 - INFO - CLOSED long at 1937.81 | PnL: -0.69% | $-1.56 +2025-03-10 19:56:38,692 - INFO - OPENED SHORT at 1937.81 | Stop loss: 1947.5326 | Take profit: 1908.692525 +2025-03-10 19:56:38,747 - INFO - STOP LOSS hit for short at 1947.5326 | PnL: -0.50% | $-1.16 +2025-03-10 19:56:38,764 - INFO - OPENED SHORT at 1958.3 | Stop loss: 1968.1250499999999 | Take profit: 1928.8751750000001 +2025-03-10 19:56:38,785 - INFO - CLOSED short at 1960.37 | PnL: -0.11% | $-0.39 +2025-03-10 19:56:38,785 - INFO - OPENED LONG at 1960.37 | Stop loss: 1950.5346 | Take profit: 1989.8258749999998 +2025-03-10 19:56:38,803 - INFO - CLOSED long at 1960.27 | PnL: -0.01% | $-0.20 +2025-03-10 19:56:38,804 - INFO - OPENED SHORT at 1960.27 | Stop loss: 1970.1049 | Take profit: 1930.815625 +2025-03-10 19:56:38,839 - INFO - CLOSED short at 1954.81 | PnL: 0.28% | $0.34 +2025-03-10 19:56:38,839 - INFO - OPENED LONG at 1954.81 | Stop loss: 1945.0023999999999 | Take profit: 1984.1824749999998 +2025-03-10 19:56:38,858 - INFO - CLOSED long at 1958.19 | PnL: 0.17% | $0.14 +2025-03-10 19:56:38,859 - INFO - OPENED SHORT at 1958.19 | Stop loss: 1968.0145 | Take profit: 1928.766825 +2025-03-10 19:56:38,944 - INFO - CLOSED short at 1961.83 | PnL: -0.19% | $-0.55 +2025-03-10 19:56:38,945 - INFO - OPENED LONG at 1961.83 | Stop loss: 1951.9873 | Take profit: 1991.3077749999998 +2025-03-10 19:56:38,961 - INFO - CLOSED long at 1957.81 | PnL: -0.20% | $-0.58 +2025-03-10 19:56:38,961 - INFO - OPENED SHORT at 1957.81 | Stop loss: 1967.6326000000001 | Take profit: 1928.392525 +2025-03-10 19:56:39,000 - INFO - CLOSED short at 1954.01 | PnL: 0.19% | $0.18 +2025-03-10 19:56:39,000 - INFO - OPENED LONG at 1954.01 | Stop loss: 1944.2064 | Take profit: 1983.3704750000002 +2025-03-10 19:56:39,019 - INFO - CLOSED long at 1951.12 | PnL: -0.15% | $-0.47 +2025-03-10 19:56:39,019 - INFO - OPENED SHORT at 1951.12 | Stop loss: 1960.9091499999997 | Take profit: 1921.8028749999999 +2025-03-10 19:56:39,193 - INFO - TAKE PROFIT hit for short at 1921.8028749999999 | PnL: 1.50% | $2.64 +2025-03-10 19:56:39,207 - INFO - OPENED SHORT at 1926.3 | Stop loss: 1935.96505 | Take profit: 1897.355175 +2025-03-10 19:56:39,335 - INFO - CLOSED short at 1920.0 | PnL: 0.33% | $0.44 +2025-03-10 19:56:39,354 - INFO - OPENED SHORT at 1915.57 | Stop loss: 1925.1814 | Take profit: 1886.7861249999999 +2025-03-10 19:56:39,450 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 58.3% in downtrends | Avg Win=$0.67, Avg Loss=$-0.72 +2025-03-10 19:56:39,450 - INFO - Episode 25: Reward=-1.08, Balance=$98.63, Win Rate=47.8%, Trades=23, Episode PnL=$4.38, Total PnL=$81.01, Max Drawdown=5.0%, Pred Accuracy=98.6% +2025-03-10 19:56:39,450 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:56:39,450 - INFO - Refreshing data for episode 26 +2025-03-10 19:56:39,452 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:39,762 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:39,771 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:39,789 - INFO - OPENED SHORT at 2011.53 | Stop loss: 2021.6212 | Take profit: 1981.3067250000001 +2025-03-10 19:56:39,854 - INFO - CLOSED short at 2010.32 | PnL: 0.06% | $-0.08 +2025-03-10 19:56:39,854 - INFO - OPENED LONG at 2010.32 | Stop loss: 2000.23485 | Take profit: 2040.5251249999997 +2025-03-10 19:56:39,877 - INFO - CLOSED long at 2008.58 | PnL: -0.09% | $-0.37 +2025-03-10 19:56:39,877 - INFO - OPENED SHORT at 2008.58 | Stop loss: 2018.65645 | Take profit: 1978.400975 +2025-03-10 19:56:40,036 - INFO - CLOSED short at 2004.48 | PnL: 0.20% | $0.20 +2025-03-10 19:56:40,036 - INFO - OPENED LONG at 2004.48 | Stop loss: 1994.4240499999999 | Take profit: 2034.5975250000001 +2025-03-10 19:56:40,059 - INFO - CLOSED long at 2006.12 | PnL: 0.08% | $-0.04 +2025-03-10 19:56:40,059 - INFO - OPENED SHORT at 2006.12 | Stop loss: 2016.1841499999996 | Take profit: 1975.9778749999998 +2025-03-10 19:56:40,116 - INFO - TAKE PROFIT hit for short at 1975.9778749999998 | PnL: 1.50% | $2.75 +2025-03-10 19:56:40,134 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.75305 | Take profit: 1934.391175 +2025-03-10 19:56:40,203 - INFO - CLOSED short at 1945.18 | PnL: 0.95% | $1.72 +2025-03-10 19:56:40,204 - INFO - OPENED LONG at 1945.18 | Stop loss: 1935.42055 | Take profit: 1974.408025 +2025-03-10 19:56:40,224 - INFO - CLOSED long at 1949.46 | PnL: 0.22% | $0.25 +2025-03-10 19:56:40,225 - INFO - OPENED SHORT at 1949.46 | Stop loss: 1959.2408500000001 | Take profit: 1920.167775 +2025-03-10 19:56:40,308 - INFO - CLOSED short at 1937.81 | PnL: 0.60% | $1.02 +2025-03-10 19:56:40,308 - INFO - OPENED LONG at 1937.81 | Stop loss: 1928.0874 | Take profit: 1966.9274749999997 +2025-03-10 19:56:40,372 - INFO - CLOSED long at 1952.29 | PnL: 0.75% | $1.34 +2025-03-10 19:56:40,374 - INFO - OPENED SHORT at 1952.29 | Stop loss: 1962.085 | Take profit: 1922.9553250000001 +2025-03-10 19:56:40,397 - INFO - CLOSED short at 1958.3 | PnL: -0.31% | $-0.86 +2025-03-10 19:56:40,397 - INFO - OPENED LONG at 1958.3 | Stop loss: 1948.4749499999998 | Take profit: 1987.724825 +2025-03-10 19:56:40,425 - INFO - CLOSED long at 1960.37 | PnL: 0.11% | $0.01 +2025-03-10 19:56:40,426 - INFO - OPENED SHORT at 1960.37 | Stop loss: 1970.2053999999998 | Take profit: 1930.914125 +2025-03-10 19:56:40,444 - INFO - CLOSED short at 1960.27 | PnL: 0.01% | $-0.20 +2025-03-10 19:56:40,445 - INFO - OPENED LONG at 1960.27 | Stop loss: 1950.4351 | Take profit: 1989.7243750000002 +2025-03-10 19:56:40,466 - INFO - CLOSED long at 1956.52 | PnL: -0.19% | $-0.61 +2025-03-10 19:56:40,466 - INFO - OPENED SHORT at 1956.52 | Stop loss: 1966.33615 | Take profit: 1927.1218749999998 +2025-03-10 19:56:40,536 - INFO - STOP LOSS hit for short at 1966.33615 | PnL: -0.50% | $-1.24 +2025-03-10 19:56:40,556 - INFO - OPENED LONG at 1964.45 | Stop loss: 1954.5942 | Take profit: 1993.967075 +2025-03-10 19:56:40,595 - INFO - CLOSED long at 1958.39 | PnL: -0.31% | $-0.83 +2025-03-10 19:56:40,596 - INFO - OPENED SHORT at 1958.39 | Stop loss: 1968.2155000000002 | Take profit: 1928.9638250000003 +2025-03-10 19:56:40,832 - INFO - TAKE PROFIT hit for short at 1928.9638250000003 | PnL: 1.50% | $2.84 +2025-03-10 19:56:40,848 - INFO - OPENED SHORT at 1920.01 | Stop loss: 1929.6436 | Take profit: 1891.159525 +2025-03-10 19:56:40,961 - INFO - CLOSED short at 1917.41 | PnL: 0.14% | $0.07 +2025-03-10 19:56:40,962 - INFO - OPENED LONG at 1917.41 | Stop loss: 1907.7894000000001 | Take profit: 1946.2214749999998 +2025-03-10 19:56:40,988 - INFO - CLOSED long at 1916.6 | PnL: -0.04% | $-0.30 +2025-03-10 19:56:40,989 - INFO - OPENED SHORT at 1916.6 | Stop loss: 1926.2165499999996 | Take profit: 1887.8006749999997 +2025-03-10 19:56:41,047 - INFO - CLOSED short at 1915.57 | PnL: 0.05% | $-0.10 +2025-03-10 19:56:41,047 - INFO - OPENED LONG at 1915.57 | Stop loss: 1905.9586 | Take profit: 1944.3538749999998 +2025-03-10 19:56:41,064 - INFO - CLOSED long at 1917.17 | PnL: 0.08% | $-0.03 +2025-03-10 19:56:41,065 - INFO - OPENED SHORT at 1917.17 | Stop loss: 1926.7894000000001 | Take profit: 1888.362125 +2025-03-10 19:56:41,149 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 54.5% in downtrends | Avg Win=$1.13, Avg Loss=$-0.42 +2025-03-10 19:56:41,149 - INFO - Episode 26: Reward=4.98, Balance=$105.57, Win Rate=45.0%, Trades=20, Episode PnL=$6.14, Total PnL=$86.57, Max Drawdown=0.0%, Pred Accuracy=98.6% +2025-03-10 19:56:41,149 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:56:41,151 - INFO - Refreshing data for episode 27 +2025-03-10 19:56:41,151 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:41,450 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:41,455 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:41,476 - INFO - OPENED SHORT at 2011.53 | Stop loss: 2021.6212 | Take profit: 1981.3067250000001 +2025-03-10 19:56:41,503 - INFO - CLOSED short at 2007.54 | PnL: 0.20% | $0.19 +2025-03-10 19:56:41,503 - INFO - OPENED LONG at 2007.54 | Stop loss: 1997.46875 | Take profit: 2037.703425 +2025-03-10 19:56:41,520 - INFO - CLOSED long at 2009.9 | PnL: 0.12% | $0.03 +2025-03-10 19:56:41,521 - INFO - OPENED SHORT at 2009.9 | Stop loss: 2019.98305 | Take profit: 1979.7011750000001 +2025-03-10 19:56:41,556 - INFO - CLOSED short at 2008.58 | PnL: 0.07% | $-0.07 +2025-03-10 19:56:41,556 - INFO - OPENED LONG at 2008.58 | Stop loss: 1998.50355 | Take profit: 2038.7590249999996 +2025-03-10 19:56:41,573 - INFO - CLOSED long at 2006.01 | PnL: -0.13% | $-0.45 +2025-03-10 19:56:41,573 - INFO - OPENED SHORT at 2006.01 | Stop loss: 2016.0735999999997 | Take profit: 1975.8695249999998 +2025-03-10 19:56:41,759 - INFO - TAKE PROFIT hit for short at 1975.8695249999998 | PnL: 1.50% | $2.75 +2025-03-10 19:56:41,777 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.75305 | Take profit: 1934.391175 +2025-03-10 19:56:41,815 - INFO - CLOSED short at 1947.49 | PnL: 0.84% | $1.48 +2025-03-10 19:56:41,815 - INFO - OPENED LONG at 1947.49 | Stop loss: 1937.719 | Take profit: 1976.752675 +2025-03-10 19:56:41,833 - INFO - CLOSED long at 1945.18 | PnL: -0.12% | $-0.45 +2025-03-10 19:56:41,833 - INFO - OPENED SHORT at 1945.18 | Stop loss: 1954.9394499999999 | Take profit: 1915.951975 +2025-03-10 19:56:41,980 - INFO - STOP LOSS hit for short at 1954.9394499999999 | PnL: -0.50% | $-1.22 +2025-03-10 19:56:41,998 - INFO - OPENED SHORT at 1960.37 | Stop loss: 1970.2053999999998 | Take profit: 1930.914125 +2025-03-10 19:56:42,297 - INFO - CLOSED short at 1946.71 | PnL: 0.70% | $1.20 +2025-03-10 19:56:42,297 - INFO - OPENED LONG at 1946.71 | Stop loss: 1936.9429 | Take profit: 1975.9609750000002 +2025-03-10 19:56:42,315 - INFO - CLOSED long at 1942.87 | PnL: -0.20% | $-0.60 +2025-03-10 19:56:42,315 - INFO - OPENED SHORT at 1942.87 | Stop loss: 1952.6178999999997 | Take profit: 1913.6766249999998 +2025-03-10 19:56:42,608 - INFO - TAKE PROFIT hit for short at 1913.6766249999998 | PnL: 1.50% | $2.84 +2025-03-10 19:56:42,628 - INFO - OPENED SHORT at 1916.25 | Stop loss: 1925.8648 | Take profit: 1887.455925 +2025-03-10 19:56:42,680 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 71.4% in downtrends | Avg Win=$1.42, Avg Loss=$-0.56 +2025-03-10 19:56:42,680 - INFO - Episode 27: Reward=12.91, Balance=$105.71, Win Rate=54.5%, Trades=11, Episode PnL=$7.17, Total PnL=$92.28, Max Drawdown=0.2%, Pred Accuracy=98.7% +2025-03-10 19:56:42,680 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:56:42,682 - INFO - Refreshing data for episode 28 +2025-03-10 19:56:42,682 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:42,979 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:42,982 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:43,002 - INFO - OPENED SHORT at 2011.53 | Stop loss: 2021.6212 | Take profit: 1981.3067250000001 +2025-03-10 19:56:43,175 - INFO - CLOSED short at 2006.16 | PnL: 0.27% | $0.33 +2025-03-10 19:56:43,197 - INFO - OPENED SHORT at 2004.48 | Stop loss: 2014.5359500000002 | Take profit: 1974.3624750000001 +2025-03-10 19:56:43,282 - INFO - TAKE PROFIT hit for short at 1974.3624750000001 | PnL: 1.50% | $2.77 +2025-03-10 19:56:43,304 - INFO - OPENED SHORT at 1968.1 | Stop loss: 1977.97405 | Take profit: 1938.528175 +2025-03-10 19:56:43,433 - INFO - TAKE PROFIT hit for short at 1938.528175 | PnL: 1.50% | $2.84 +2025-03-10 19:56:43,451 - INFO - OPENED SHORT at 1940.46 | Stop loss: 1950.1958500000003 | Take profit: 1911.302775 +2025-03-10 19:56:43,486 - INFO - STOP LOSS hit for short at 1950.1958500000003 | PnL: -0.50% | $-1.25 +2025-03-10 19:56:43,502 - INFO - OPENED SHORT at 1958.3 | Stop loss: 1968.1250499999999 | Take profit: 1928.8751750000001 +2025-03-10 19:56:43,838 - INFO - CLOSED short at 1936.47 | PnL: 1.11% | $2.09 +2025-03-10 19:56:43,838 - INFO - OPENED LONG at 1936.47 | Stop loss: 1926.7541 | Take profit: 1965.5673749999999 +2025-03-10 19:56:43,857 - INFO - CLOSED long at 1930.51 | PnL: -0.31% | $-0.86 +2025-03-10 19:56:43,857 - INFO - OPENED SHORT at 1930.51 | Stop loss: 1940.1961 | Take profit: 1901.5020249999998 +2025-03-10 19:56:43,962 - INFO - CLOSED short at 1923.32 | PnL: 0.37% | $0.57 +2025-03-10 19:56:43,964 - INFO - OPENED LONG at 1923.32 | Stop loss: 1913.66985 | Take profit: 1952.220125 +2025-03-10 19:56:43,988 - INFO - CLOSED long at 1924.9 | PnL: 0.08% | $-0.04 +2025-03-10 19:56:43,988 - INFO - OPENED SHORT at 1924.9 | Stop loss: 1934.55805 | Take profit: 1895.976175 +2025-03-10 19:56:44,177 - INFO - CLOSED short at 1911.19 | PnL: 0.71% | $1.28 +2025-03-10 19:56:44,199 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 80.0% in downtrends | Avg Win=$1.65, Avg Loss=$-0.72 +2025-03-10 19:56:44,199 - INFO - Episode 28: Reward=17.03, Balance=$107.73, Win Rate=66.7%, Trades=9, Episode PnL=$8.62, Total PnL=$100.01, Max Drawdown=1.2%, Pred Accuracy=98.9% +2025-03-10 19:56:44,200 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:56:44,200 - INFO - Refreshing data for episode 29 +2025-03-10 19:56:44,200 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:44,534 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:44,542 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:44,559 - INFO - OPENED SHORT at 2011.53 | Stop loss: 2021.6212 | Take profit: 1981.3067250000001 +2025-03-10 19:56:44,841 - INFO - TAKE PROFIT hit for short at 1981.3067250000001 | PnL: 1.50% | $2.76 +2025-03-10 19:56:44,857 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.75305 | Take profit: 1934.391175 +2025-03-10 19:56:45,403 - INFO - TAKE PROFIT hit for short at 1934.391175 | PnL: 1.50% | $2.83 +2025-03-10 19:56:45,430 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.58805 | Take profit: 1901.886175 +2025-03-10 19:56:45,641 - INFO - CLOSED short at 1917.17 | PnL: 0.71% | $1.27 +2025-03-10 19:56:45,641 - INFO - OPENED LONG at 1917.17 | Stop loss: 1907.5506 | Take profit: 1945.977875 +2025-03-10 19:56:45,657 - INFO - CLOSED long at 1913.59 | PnL: -0.19% | $-0.60 +2025-03-10 19:56:45,658 - INFO - OPENED SHORT at 1913.59 | Stop loss: 1923.1915 | Take profit: 1884.8358249999999 +2025-03-10 19:56:45,730 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.29, Avg Loss=$-0.60 +2025-03-10 19:56:45,731 - INFO - Episode 29: Reward=13.98, Balance=$106.26, Win Rate=75.0%, Trades=4, Episode PnL=$6.86, Total PnL=$106.27, Max Drawdown=0.0%, Pred Accuracy=99.0% +2025-03-10 19:56:45,731 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:56:45,731 - INFO - Refreshing data for episode 30 +2025-03-10 19:56:45,732 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:46,047 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:46,052 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:46,344 - INFO - OPENED SHORT at 2011.53 | Stop loss: 2021.6212 | Take profit: 1981.3067250000001 +2025-03-10 19:56:46,583 - INFO - CLOSED short at 1996.21 | PnL: 0.76% | $1.30 +2025-03-10 19:56:46,602 - INFO - OPENED SHORT at 1975.72 | Stop loss: 1985.6321500000001 | Take profit: 1946.0338749999999 +2025-03-10 19:56:46,672 - INFO - TAKE PROFIT hit for short at 1946.0338749999999 | PnL: 1.50% | $2.79 +2025-03-10 19:56:46,692 - INFO - OPENED SHORT at 1949.46 | Stop loss: 1959.2408500000001 | Take profit: 1920.167775 +2025-03-10 19:56:46,836 - INFO - STOP LOSS hit for short at 1959.2408500000001 | PnL: -0.50% | $-1.23 +2025-03-10 19:56:46,853 - INFO - OPENED SHORT at 1960.27 | Stop loss: 1970.1049 | Take profit: 1930.815625 +2025-03-10 19:56:47,165 - INFO - TAKE PROFIT hit for short at 1930.815625 | PnL: 1.50% | $2.84 +2025-03-10 19:56:47,184 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.58805 | Take profit: 1901.886175 +2025-03-10 19:56:47,327 - INFO - CLOSED short at 1916.6 | PnL: 0.74% | $1.33 +2025-03-10 19:56:47,328 - INFO - OPENED LONG at 1916.6 | Stop loss: 1906.98345 | Take profit: 1945.399325 +2025-03-10 19:56:47,343 - INFO - CLOSED long at 1916.72 | PnL: 0.01% | $-0.20 +2025-03-10 19:56:47,343 - INFO - OPENED SHORT at 1916.72 | Stop loss: 1926.3371499999998 | Take profit: 1887.9188749999998 +2025-03-10 19:56:47,488 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$2.07, Avg Loss=$-0.71 +2025-03-10 19:56:47,488 - INFO - Episode 30: Reward=16.22, Balance=$106.83, Win Rate=66.7%, Trades=6, Episode PnL=$7.03, Total PnL=$113.10, Max Drawdown=1.2%, Pred Accuracy=99.1% +2025-03-10 19:56:47,603 - INFO - Model saved to checkpoints/trading_agent_episode_30.pt +2025-03-10 19:56:47,604 - INFO - Checkpoint saved at episode 30 +2025-03-10 19:56:47,604 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:56:47,979 - INFO - Visualization saved for episode 30 +2025-03-10 19:56:48,628 - INFO - Visualization saved for episode 30 +2025-03-10 19:56:48,637 - INFO - Refreshing data for episode 31 +2025-03-10 19:56:48,637 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:48,940 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:48,946 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:48,983 - INFO - OPENED SHORT at 2011.53 | Stop loss: 2021.6212 | Take profit: 1981.3067250000001 +2025-03-10 19:56:49,190 - INFO - CLOSED short at 2004.48 | PnL: 0.35% | $0.49 +2025-03-10 19:56:49,190 - INFO - OPENED LONG at 2004.48 | Stop loss: 1994.4240499999999 | Take profit: 2034.5975250000001 +2025-03-10 19:56:49,210 - INFO - CLOSED long at 2006.12 | PnL: 0.08% | $-0.04 +2025-03-10 19:56:49,211 - INFO - OPENED SHORT at 2006.12 | Stop loss: 2016.1841499999996 | Take profit: 1975.9778749999998 +2025-03-10 19:56:49,267 - INFO - TAKE PROFIT hit for short at 1975.9778749999998 | PnL: 1.50% | $2.77 +2025-03-10 19:56:49,285 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.75305 | Take profit: 1934.391175 +2025-03-10 19:56:49,628 - INFO - CLOSED short at 1958.39 | PnL: 0.28% | $0.37 +2025-03-10 19:56:49,628 - INFO - OPENED LONG at 1958.39 | Stop loss: 1948.5645000000002 | Take profit: 1987.816175 +2025-03-10 19:56:49,646 - INFO - CLOSED long at 1961.83 | PnL: 0.18% | $0.15 +2025-03-10 19:56:49,646 - INFO - OPENED SHORT at 1961.83 | Stop loss: 1971.6726999999998 | Take profit: 1932.352225 +2025-03-10 19:56:49,841 - INFO - TAKE PROFIT hit for short at 1932.352225 | PnL: 1.50% | $2.86 +2025-03-10 19:56:49,862 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.58805 | Take profit: 1901.886175 +2025-03-10 19:56:49,972 - INFO - CLOSED short at 1924.9 | PnL: 0.31% | $0.44 +2025-03-10 19:56:49,991 - INFO - OPENED SHORT at 1927.31 | Stop loss: 1936.9800999999998 | Take profit: 1898.350025 +2025-03-10 19:56:50,053 - INFO - CLOSED short at 1920.0 | PnL: 0.38% | $0.59 +2025-03-10 19:56:50,073 - INFO - OPENED SHORT at 1915.57 | Stop loss: 1925.1814 | Take profit: 1886.7861249999999 +2025-03-10 19:56:50,175 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.10, Avg Loss=$-0.04 +2025-03-10 19:56:50,176 - INFO - Episode 31: Reward=18.29, Balance=$107.64, Win Rate=87.5%, Trades=8, Episode PnL=$7.52, Total PnL=$120.74, Max Drawdown=0.0%, Pred Accuracy=99.2% +2025-03-10 19:56:50,176 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:56:50,176 - INFO - Refreshing data for episode 32 +2025-03-10 19:56:50,176 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:50,476 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:50,481 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:50,500 - INFO - OPENED SHORT at 2011.53 | Stop loss: 2021.6212 | Take profit: 1981.3067250000001 +2025-03-10 19:56:50,588 - INFO - CLOSED short at 2008.34 | PnL: 0.16% | $0.12 +2025-03-10 19:56:50,609 - INFO - OPENED SHORT at 2009.13 | Stop loss: 2019.2092 | Take profit: 1978.942725 +2025-03-10 19:56:50,754 - INFO - TAKE PROFIT hit for short at 1978.942725 | PnL: 1.50% | $2.76 +2025-03-10 19:56:50,781 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.75305 | Take profit: 1934.391175 +2025-03-10 19:56:51,341 - INFO - TAKE PROFIT hit for short at 1934.391175 | PnL: 1.50% | $2.84 +2025-03-10 19:56:51,359 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.58805 | Take profit: 1901.886175 +2025-03-10 19:56:51,376 - INFO - CLOSED short at 1925.7 | PnL: 0.27% | $0.35 +2025-03-10 19:56:51,377 - INFO - OPENED LONG at 1925.7 | Stop loss: 1916.03795 | Take profit: 1954.6358250000003 +2025-03-10 19:56:51,395 - INFO - CLOSED long at 1920.01 | PnL: -0.30% | $-0.82 +2025-03-10 19:56:51,395 - INFO - OPENED SHORT at 1920.01 | Stop loss: 1929.6436 | Take profit: 1891.159525 +2025-03-10 19:56:51,649 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.52, Avg Loss=$-0.82 +2025-03-10 19:56:51,649 - INFO - Episode 32: Reward=14.06, Balance=$105.24, Win Rate=80.0%, Trades=5, Episode PnL=$6.07, Total PnL=$125.98, Max Drawdown=0.0%, Pred Accuracy=99.3% +2025-03-10 19:56:51,649 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:56:51,650 - INFO - Refreshing data for episode 33 +2025-03-10 19:56:51,650 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:51,955 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:51,961 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:51,974 - INFO - OPENED SHORT at 2011.53 | Stop loss: 2021.621482142857 | Take profit: 1981.3063017857141 +2025-03-10 19:56:52,256 - INFO - TAKE PROFIT hit for short at 1981.3063017857141 | PnL: 1.50% | $2.76 +2025-03-10 19:56:52,273 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7533321428573 | Take profit: 1934.3907517857144 +2025-03-10 19:56:52,828 - INFO - TAKE PROFIT hit for short at 1934.3907517857144 | PnL: 1.50% | $2.83 +2025-03-10 19:56:52,846 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.588332142857 | Take profit: 1901.8857517857143 +2025-03-10 19:56:53,175 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.80, Avg Loss=$0.00 +2025-03-10 19:56:53,175 - INFO - Episode 33: Reward=14.08, Balance=$105.59, Win Rate=100.0%, Trades=2, Episode PnL=$5.59, Total PnL=$131.58, Max Drawdown=0.0%, Pred Accuracy=99.3% +2025-03-10 19:56:53,175 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:56:53,175 - INFO - Refreshing data for episode 34 +2025-03-10 19:56:53,175 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:53,470 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:53,480 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:53,498 - INFO - OPENED SHORT at 2011.53 | Stop loss: 2021.621482142857 | Take profit: 1981.3063017857141 +2025-03-10 19:56:53,770 - INFO - TAKE PROFIT hit for short at 1981.3063017857141 | PnL: 1.50% | $2.76 +2025-03-10 19:56:53,788 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7533321428573 | Take profit: 1934.3907517857144 +2025-03-10 19:56:54,063 - INFO - CLOSED short at 1956.52 | PnL: 0.38% | $0.56 +2025-03-10 19:56:54,089 - INFO - OPENED SHORT at 1954.81 | Stop loss: 1964.617882142857 | Take profit: 1925.4371017857143 +2025-03-10 19:56:54,131 - INFO - STOP LOSS hit for short at 1964.617882142857 | PnL: -0.50% | $-1.22 +2025-03-10 19:56:54,150 - INFO - OPENED SHORT at 1964.45 | Stop loss: 1974.3060821428573 | Take profit: 1934.9325017857143 +2025-03-10 19:56:54,395 - INFO - TAKE PROFIT hit for short at 1934.9325017857143 | PnL: 1.50% | $2.82 +2025-03-10 19:56:54,412 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.588332142857 | Take profit: 1901.8857517857143 +2025-03-10 19:56:54,722 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$2.04, Avg Loss=$-1.22 +2025-03-10 19:56:54,722 - INFO - Episode 34: Reward=15.43, Balance=$104.91, Win Rate=75.0%, Trades=4, Episode PnL=$4.91, Total PnL=$136.49, Max Drawdown=1.2%, Pred Accuracy=99.3% +2025-03-10 19:56:54,722 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:56:54,723 - INFO - Refreshing data for episode 35 +2025-03-10 19:56:54,723 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:55,035 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:55,041 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:55,340 - INFO - OPENED SHORT at 2011.53 | Stop loss: 2021.621482142857 | Take profit: 1981.3063017857141 +2025-03-10 19:56:55,640 - INFO - TAKE PROFIT hit for short at 1981.3063017857141 | PnL: 1.50% | $2.76 +2025-03-10 19:56:55,657 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7533321428573 | Take profit: 1934.3907517857144 +2025-03-10 19:56:55,934 - INFO - CLOSED short at 1958.19 | PnL: 0.29% | $0.39 +2025-03-10 19:56:55,934 - INFO - OPENED LONG at 1958.19 | Stop loss: 1948.3652178571429 | Take profit: 1987.6135982142857 +2025-03-10 19:56:55,953 - INFO - CLOSED long at 1966.38 | PnL: 0.42% | $0.65 +2025-03-10 19:56:55,953 - INFO - OPENED SHORT at 1966.38 | Stop loss: 1976.2457321428574 | Take profit: 1936.8335517857145 +2025-03-10 19:56:56,133 - INFO - CLOSED short at 1946.71 | PnL: 1.00% | $1.84 +2025-03-10 19:56:56,133 - INFO - OPENED LONG at 1946.71 | Stop loss: 1936.942617857143 | Take profit: 1975.9613982142857 +2025-03-10 19:56:56,151 - INFO - CLOSED long at 1942.87 | PnL: -0.20% | $-0.62 +2025-03-10 19:56:56,151 - INFO - OPENED SHORT at 1942.87 | Stop loss: 1952.618182142857 | Take profit: 1913.6762017857143 +2025-03-10 19:56:56,263 - INFO - CLOSED short at 1926.3 | PnL: 0.85% | $1.55 +2025-03-10 19:56:56,282 - INFO - OPENED SHORT at 1922.96 | Stop loss: 1932.6086321428572 | Take profit: 1894.0648517857144 +2025-03-10 19:56:56,533 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.44, Avg Loss=$-0.62 +2025-03-10 19:56:56,533 - INFO - Episode 35: Reward=18.33, Balance=$106.56, Win Rate=83.3%, Trades=6, Episode PnL=$6.54, Total PnL=$143.05, Max Drawdown=0.0%, Pred Accuracy=99.3% +2025-03-10 19:56:56,533 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:56:56,533 - INFO - Refreshing data for episode 36 +2025-03-10 19:56:56,533 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:56,839 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:56,845 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:56,864 - INFO - OPENED SHORT at 2011.53 | Stop loss: 2021.621482142857 | Take profit: 1981.3063017857141 +2025-03-10 19:56:56,916 - INFO - CLOSED short at 2010.32 | PnL: 0.06% | $-0.08 +2025-03-10 19:56:56,935 - INFO - OPENED SHORT at 2008.58 | Stop loss: 2018.656732142857 | Take profit: 1978.4005517857142 +2025-03-10 19:56:57,134 - INFO - TAKE PROFIT hit for short at 1978.4005517857142 | PnL: 1.50% | $2.76 +2025-03-10 19:56:57,174 - INFO - OPENED SHORT at 1968.1 | Stop loss: 1977.9743321428568 | Take profit: 1938.5277517857141 +2025-03-10 19:56:57,286 - INFO - TAKE PROFIT hit for short at 1938.5277517857141 | PnL: 1.50% | $2.83 +2025-03-10 19:56:57,305 - INFO - OPENED SHORT at 1940.46 | Stop loss: 1950.196132142857 | Take profit: 1911.3023517857143 +2025-03-10 19:56:57,344 - INFO - STOP LOSS hit for short at 1950.196132142857 | PnL: -0.50% | $-1.25 +2025-03-10 19:56:57,365 - INFO - OPENED SHORT at 1958.3 | Stop loss: 1968.1253321428571 | Take profit: 1928.8747517857141 +2025-03-10 19:56:57,737 - INFO - TAKE PROFIT hit for short at 1928.8747517857141 | PnL: 1.50% | $2.88 +2025-03-10 19:56:57,755 - INFO - OPENED SHORT at 1920.01 | Stop loss: 1929.643882142857 | Take profit: 1891.1591017857143 +2025-03-10 19:56:58,011 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$2.82, Avg Loss=$-0.66 +2025-03-10 19:56:58,011 - INFO - Episode 36: Reward=12.90, Balance=$107.14, Win Rate=60.0%, Trades=5, Episode PnL=$7.14, Total PnL=$150.19, Max Drawdown=1.2%, Pred Accuracy=99.4% +2025-03-10 19:56:58,011 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:56:58,011 - INFO - Refreshing data for episode 37 +2025-03-10 19:56:58,011 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:58,303 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:58,303 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:58,327 - INFO - OPENED SHORT at 2011.53 | Stop loss: 2021.621482142857 | Take profit: 1981.3063017857141 +2025-03-10 19:56:58,592 - INFO - TAKE PROFIT hit for short at 1981.3063017857141 | PnL: 1.50% | $2.76 +2025-03-10 19:56:58,610 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7533321428573 | Take profit: 1934.3907517857144 +2025-03-10 19:56:58,985 - INFO - CLOSED short at 1961.83 | PnL: 0.11% | $0.01 +2025-03-10 19:56:58,985 - INFO - OPENED LONG at 1961.83 | Stop loss: 1951.9870178571427 | Take profit: 1991.3081982142855 +2025-03-10 19:56:59,004 - INFO - CLOSED long at 1957.81 | PnL: -0.20% | $-0.62 +2025-03-10 19:56:59,004 - INFO - OPENED SHORT at 1957.81 | Stop loss: 1967.6328821428574 | Take profit: 1928.3921017857142 +2025-03-10 19:56:59,188 - INFO - TAKE PROFIT hit for short at 1928.3921017857142 | PnL: 1.50% | $2.82 +2025-03-10 19:56:59,215 - INFO - OPENED SHORT at 1920.01 | Stop loss: 1929.643882142857 | Take profit: 1891.1591017857143 +2025-03-10 19:56:59,487 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.86, Avg Loss=$-0.62 +2025-03-10 19:56:59,488 - INFO - Episode 37: Reward=13.01, Balance=$104.97, Win Rate=75.0%, Trades=4, Episode PnL=$5.59, Total PnL=$155.16, Max Drawdown=0.0%, Pred Accuracy=99.4% +2025-03-10 19:56:59,488 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:56:59,488 - INFO - Refreshing data for episode 38 +2025-03-10 19:56:59,488 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:56:59,789 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:56:59,795 - INFO - Initialized environment with 100 candles +2025-03-10 19:56:59,813 - INFO - OPENED SHORT at 2011.53 | Stop loss: 2021.621482142857 | Take profit: 1981.3063017857141 +2025-03-10 19:57:00,103 - INFO - TAKE PROFIT hit for short at 1981.3063017857141 | PnL: 1.50% | $2.76 +2025-03-10 19:57:00,125 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7533321428573 | Take profit: 1934.3907517857144 +2025-03-10 19:57:00,687 - INFO - TAKE PROFIT hit for short at 1934.3907517857144 | PnL: 1.50% | $2.83 +2025-03-10 19:57:00,704 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.588332142857 | Take profit: 1901.8857517857143 +2025-03-10 19:57:00,856 - INFO - CLOSED short at 1916.6 | PnL: 0.74% | $1.33 +2025-03-10 19:57:00,857 - INFO - OPENED LONG at 1916.6 | Stop loss: 1906.983167857143 | Take profit: 1945.3997482142856 +2025-03-10 19:57:00,875 - INFO - CLOSED long at 1916.72 | PnL: 0.01% | $-0.20 +2025-03-10 19:57:00,875 - INFO - OPENED SHORT at 1916.72 | Stop loss: 1926.3374321428573 | Take profit: 1887.9184517857143 +2025-03-10 19:57:01,016 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.31, Avg Loss=$-0.20 +2025-03-10 19:57:01,017 - INFO - Episode 38: Reward=14.44, Balance=$106.72, Win Rate=75.0%, Trades=4, Episode PnL=$6.92, Total PnL=$161.88, Max Drawdown=0.0%, Pred Accuracy=99.3% +2025-03-10 19:57:01,017 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:57:01,017 - INFO - Refreshing data for episode 39 +2025-03-10 19:57:01,018 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:57:01,305 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:57:01,305 - INFO - Initialized environment with 100 candles +2025-03-10 19:57:01,332 - INFO - OPENED SHORT at 2007.54 | Stop loss: 2017.6101999999998 | Take profit: 1977.37815 +2025-03-10 19:57:01,531 - INFO - CLOSED short at 2006.12 | PnL: 0.07% | $-0.06 +2025-03-10 19:57:01,531 - INFO - OPENED LONG at 2006.12 | Stop loss: 1996.0569 | Take profit: 2036.2605499999997 +2025-03-10 19:57:01,551 - INFO - CLOSED long at 2002.62 | PnL: -0.17% | $-0.54 +2025-03-10 19:57:01,551 - INFO - OPENED SHORT at 2002.62 | Stop loss: 2012.6655999999998 | Take profit: 1972.5319499999998 +2025-03-10 19:57:01,606 - INFO - TAKE PROFIT hit for short at 1972.5319499999998 | PnL: 1.50% | $2.74 +2025-03-10 19:57:01,623 - INFO - OPENED SHORT at 1968.1 | Stop loss: 1977.973 | Take profit: 1938.52975 +2025-03-10 19:57:01,737 - INFO - CLOSED short at 1937.81 | PnL: 1.54% | $2.89 +2025-03-10 19:57:01,737 - INFO - OPENED LONG at 1937.81 | Stop loss: 1928.0884499999997 | Take profit: 1966.9258999999997 +2025-03-10 19:57:01,757 - INFO - CLOSED long at 1940.46 | PnL: 0.14% | $0.08 +2025-03-10 19:57:01,757 - INFO - OPENED SHORT at 1940.46 | Stop loss: 1950.1948 | Take profit: 1911.30435 +2025-03-10 19:57:01,798 - INFO - STOP LOSS hit for short at 1950.1948 | PnL: -0.50% | $-1.24 +2025-03-10 19:57:01,821 - INFO - OPENED SHORT at 1958.3 | Stop loss: 1968.124 | Take profit: 1928.8767500000001 +2025-03-10 19:57:02,198 - INFO - TAKE PROFIT hit for short at 1928.8767500000001 | PnL: 1.50% | $2.87 +2025-03-10 19:57:02,221 - INFO - OPENED SHORT at 1920.01 | Stop loss: 1929.64255 | Take profit: 1891.1611 +2025-03-10 19:57:02,481 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 60.0% in downtrends | Avg Win=$2.14, Avg Loss=$-0.61 +2025-03-10 19:57:02,483 - INFO - Episode 39: Reward=14.83, Balance=$106.74, Win Rate=57.1%, Trades=7, Episode PnL=$7.20, Total PnL=$168.62, Max Drawdown=0.0%, Pred Accuracy=99.4% +2025-03-10 19:57:02,483 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:57:02,483 - INFO - Refreshing data for episode 40 +2025-03-10 19:57:02,483 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:57:02,776 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:57:02,782 - INFO - Initialized environment with 100 candles +2025-03-10 19:57:03,335 - INFO - OPENED SHORT at 2007.54 | Stop loss: 2017.6101999999998 | Take profit: 1977.37815 +2025-03-10 19:57:03,589 - INFO - TAKE PROFIT hit for short at 1977.37815 | PnL: 1.50% | $2.76 +2025-03-10 19:57:03,606 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7520000000002 | Take profit: 1934.3927500000002 +2025-03-10 19:57:04,154 - INFO - TAKE PROFIT hit for short at 1934.3927500000002 | PnL: 1.50% | $2.84 +2025-03-10 19:57:04,175 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.587 | Take profit: 1901.88775 +2025-03-10 19:57:04,398 - INFO - CLOSED short at 1917.17 | PnL: 0.71% | $1.27 +2025-03-10 19:57:04,401 - INFO - OPENED LONG at 1917.17 | Stop loss: 1907.55165 | Take profit: 1945.9763000000003 +2025-03-10 19:57:04,417 - INFO - CLOSED long at 1913.59 | PnL: -0.19% | $-0.60 +2025-03-10 19:57:04,417 - INFO - OPENED SHORT at 1913.59 | Stop loss: 1923.1904499999998 | Take profit: 1884.8374 +2025-03-10 19:57:04,498 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.29, Avg Loss=$-0.60 +2025-03-10 19:57:04,498 - INFO - Episode 40: Reward=13.99, Balance=$106.26, Win Rate=75.0%, Trades=4, Episode PnL=$6.86, Total PnL=$174.88, Max Drawdown=0.0%, Pred Accuracy=99.4% +2025-03-10 19:57:04,623 - INFO - Model saved to checkpoints/trading_agent_episode_40.pt +2025-03-10 19:57:04,624 - INFO - Checkpoint saved at episode 40 +2025-03-10 19:57:04,624 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:57:05,002 - INFO - Visualization saved for episode 40 +2025-03-10 19:57:05,702 - INFO - Visualization saved for episode 40 +2025-03-10 19:57:05,709 - INFO - Refreshing data for episode 41 +2025-03-10 19:57:05,709 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:57:06,003 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:57:06,005 - INFO - Initialized environment with 100 candles +2025-03-10 19:57:06,039 - INFO - OPENED SHORT at 2007.54 | Stop loss: 2017.610417857143 | Take profit: 1977.3778232142859 +2025-03-10 19:57:06,307 - INFO - CLOSED short at 2002.62 | PnL: 0.25% | $0.29 +2025-03-10 19:57:06,307 - INFO - OPENED LONG at 2002.62 | Stop loss: 1992.574182142857 | Take profit: 2032.708376785714 +2025-03-10 19:57:06,335 - INFO - CLOSED long at 1996.21 | PnL: -0.32% | $-0.83 +2025-03-10 19:57:06,335 - INFO - OPENED SHORT at 1996.21 | Stop loss: 2006.2237678571428 | Take profit: 1966.2177732142857 +2025-03-10 19:57:06,376 - INFO - TAKE PROFIT hit for short at 1966.2177732142857 | PnL: 1.50% | $2.74 +2025-03-10 19:57:06,394 - INFO - OPENED SHORT at 1968.1 | Stop loss: 1977.9732178571428 | Take profit: 1938.5294232142855 +2025-03-10 19:57:06,520 - INFO - TAKE PROFIT hit for short at 1938.5294232142855 | PnL: 1.50% | $2.82 +2025-03-10 19:57:06,545 - INFO - OPENED SHORT at 1940.46 | Stop loss: 1950.1950178571426 | Take profit: 1911.3040232142857 +2025-03-10 19:57:06,594 - INFO - STOP LOSS hit for short at 1950.1950178571426 | PnL: -0.50% | $-1.24 +2025-03-10 19:57:06,613 - INFO - OPENED SHORT at 1958.3 | Stop loss: 1968.124217857143 | Take profit: 1928.8764232142858 +2025-03-10 19:57:07,045 - INFO - TAKE PROFIT hit for short at 1928.8764232142858 | PnL: 1.50% | $2.86 +2025-03-10 19:57:07,070 - INFO - OPENED SHORT at 1920.01 | Stop loss: 1929.6427678571429 | Take profit: 1891.1607732142857 +2025-03-10 19:57:07,388 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 80.0% in downtrends | Avg Win=$2.18, Avg Loss=$-1.04 +2025-03-10 19:57:07,388 - INFO - Episode 41: Reward=13.22, Balance=$106.64, Win Rate=66.7%, Trades=6, Episode PnL=$7.47, Total PnL=$181.52, Max Drawdown=1.2%, Pred Accuracy=99.3% +2025-03-10 19:57:07,388 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:57:07,388 - INFO - Refreshing data for episode 42 +2025-03-10 19:57:07,388 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:57:07,676 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:57:07,681 - INFO - Initialized environment with 100 candles +2025-03-10 19:57:07,702 - INFO - OPENED SHORT at 2007.54 | Stop loss: 2017.6106892857142 | Take profit: 1977.3774160714286 +2025-03-10 19:57:07,987 - INFO - TAKE PROFIT hit for short at 1977.3774160714286 | PnL: 1.50% | $2.76 +2025-03-10 19:57:08,016 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.752489285714 | Take profit: 1934.3920160714285 +2025-03-10 19:57:08,427 - INFO - CLOSED short at 1961.83 | PnL: 0.11% | $0.01 +2025-03-10 19:57:08,427 - INFO - OPENED LONG at 1961.83 | Stop loss: 1951.9878607142857 | Take profit: 1991.3069339285714 +2025-03-10 19:57:08,445 - INFO - CLOSED long at 1957.81 | PnL: -0.20% | $-0.62 +2025-03-10 19:57:08,445 - INFO - OPENED SHORT at 1957.81 | Stop loss: 1967.632039285714 | Take profit: 1928.3933660714285 +2025-03-10 19:57:08,541 - INFO - CLOSED short at 1943.75 | PnL: 0.72% | $1.24 +2025-03-10 19:57:08,559 - INFO - OPENED SHORT at 1946.71 | Stop loss: 1956.4765392857144 | Take profit: 1917.4598660714285 +2025-03-10 19:57:08,804 - INFO - TAKE PROFIT hit for short at 1917.4598660714285 | PnL: 1.50% | $2.85 +2025-03-10 19:57:08,828 - INFO - OPENED SHORT at 1916.6 | Stop loss: 1926.2159892857142 | Take profit: 1887.8015160714285 +2025-03-10 19:57:09,026 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.72, Avg Loss=$-0.62 +2025-03-10 19:57:09,026 - INFO - Episode 42: Reward=14.63, Balance=$106.25, Win Rate=80.0%, Trades=5, Episode PnL=$6.86, Total PnL=$187.77, Max Drawdown=0.0%, Pred Accuracy=99.4% +2025-03-10 19:57:09,026 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:57:09,026 - INFO - Refreshing data for episode 43 +2025-03-10 19:57:09,026 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:57:09,330 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:57:09,343 - INFO - Initialized environment with 100 candles +2025-03-10 19:57:09,360 - INFO - OPENED SHORT at 2007.54 | Stop loss: 2017.6110714285714 | Take profit: 1977.3768428571427 +2025-03-10 19:57:09,569 - INFO - CLOSED short at 2002.62 | PnL: 0.25% | $0.29 +2025-03-10 19:57:09,569 - INFO - OPENED LONG at 2002.62 | Stop loss: 1992.5735285714286 | Take profit: 2032.709357142857 +2025-03-10 19:57:09,588 - INFO - CLOSED long at 1996.21 | PnL: -0.32% | $-0.83 +2025-03-10 19:57:09,588 - INFO - OPENED SHORT at 1996.21 | Stop loss: 2006.2244214285713 | Take profit: 1966.2167928571428 +2025-03-10 19:57:09,620 - INFO - TAKE PROFIT hit for short at 1966.2167928571428 | PnL: 1.50% | $2.74 +2025-03-10 19:57:09,642 - INFO - OPENED SHORT at 1968.1 | Stop loss: 1977.9738714285716 | Take profit: 1938.5284428571426 +2025-03-10 19:57:09,773 - INFO - TAKE PROFIT hit for short at 1938.5284428571426 | PnL: 1.50% | $2.82 +2025-03-10 19:57:09,793 - INFO - OPENED SHORT at 1940.46 | Stop loss: 1950.1956714285714 | Take profit: 1911.3030428571428 +2025-03-10 19:57:09,837 - INFO - STOP LOSS hit for short at 1950.1956714285714 | PnL: -0.50% | $-1.24 +2025-03-10 19:57:09,861 - INFO - OPENED SHORT at 1958.3 | Stop loss: 1968.1248714285714 | Take profit: 1928.8754428571428 +2025-03-10 19:57:10,127 - INFO - CLOSED short at 1943.75 | PnL: 0.74% | $1.31 +2025-03-10 19:57:10,164 - INFO - OPENED SHORT at 1942.87 | Stop loss: 1952.6177214285713 | Take profit: 1913.6768928571428 +2025-03-10 19:57:10,340 - INFO - CLOSED short at 1924.9 | PnL: 0.92% | $1.70 +2025-03-10 19:57:10,340 - INFO - OPENED LONG at 1924.9 | Stop loss: 1915.2421285714288 | Take profit: 1953.8235571428572 +2025-03-10 19:57:10,377 - INFO - CLOSED long at 1917.41 | PnL: -0.39% | $-1.03 +2025-03-10 19:57:10,377 - INFO - OPENED SHORT at 1917.41 | Stop loss: 1927.0304214285716 | Take profit: 1888.598792857143 +2025-03-10 19:57:10,563 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 80.0% in downtrends | Avg Win=$1.77, Avg Loss=$-1.03 +2025-03-10 19:57:10,563 - INFO - Episode 43: Reward=13.89, Balance=$105.77, Win Rate=62.5%, Trades=8, Episode PnL=$7.62, Total PnL=$193.54, Max Drawdown=1.2%, Pred Accuracy=99.4% +2025-03-10 19:57:10,564 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:57:10,564 - INFO - Refreshing data for episode 44 +2025-03-10 19:57:10,564 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:57:10,864 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:57:10,870 - INFO - Initialized environment with 100 candles +2025-03-10 19:57:10,887 - INFO - OPENED SHORT at 2007.54 | Stop loss: 2017.6112892857145 | Take profit: 1977.3765160714286 +2025-03-10 19:57:11,134 - INFO - CLOSED short at 1996.21 | PnL: 0.56% | $0.91 +2025-03-10 19:57:11,134 - INFO - OPENED LONG at 1996.21 | Stop loss: 1986.1953607142857 | Take profit: 2026.2035339285715 +2025-03-10 19:57:11,150 - INFO - CLOSED long at 1975.72 | PnL: -1.03% | $-2.24 +2025-03-10 19:57:11,150 - INFO - OPENED SHORT at 1975.72 | Stop loss: 1985.632189285714 | Take profit: 1946.0338160714286 +2025-03-10 19:57:11,215 - INFO - TAKE PROFIT hit for short at 1946.0338160714286 | PnL: 1.50% | $2.72 +2025-03-10 19:57:11,235 - INFO - OPENED SHORT at 1949.46 | Stop loss: 1959.2408892857143 | Take profit: 1920.1677160714285 +2025-03-10 19:57:11,257 - INFO - CLOSED short at 1953.79 | PnL: -0.22% | $-0.64 +2025-03-10 19:57:11,258 - INFO - OPENED LONG at 1953.79 | Stop loss: 1943.9874607142856 | Take profit: 1983.1472339285715 +2025-03-10 19:57:11,274 - INFO - CLOSED long at 1951.33 | PnL: -0.13% | $-0.45 +2025-03-10 19:57:11,274 - INFO - OPENED SHORT at 1951.33 | Stop loss: 1961.1202392857142 | Take profit: 1922.0096660714285 +2025-03-10 19:57:11,468 - INFO - STOP LOSS hit for short at 1961.1202392857142 | PnL: -0.50% | $-1.19 +2025-03-10 19:57:11,486 - INFO - OPENED SHORT at 1964.45 | Stop loss: 1974.3058392857145 | Take profit: 1934.9328660714286 +2025-03-10 19:57:11,645 - INFO - CLOSED short at 1946.71 | PnL: 0.90% | $1.57 +2025-03-10 19:57:11,645 - INFO - OPENED LONG at 1946.71 | Stop loss: 1936.9428607142859 | Take profit: 1975.9610339285714 +2025-03-10 19:57:11,662 - INFO - CLOSED long at 1942.87 | PnL: -0.20% | $-0.59 +2025-03-10 19:57:11,662 - INFO - OPENED SHORT at 1942.87 | Stop loss: 1952.617939285714 | Take profit: 1913.6765660714286 +2025-03-10 19:57:11,696 - INFO - CLOSED short at 1936.47 | PnL: 0.33% | $0.45 +2025-03-10 19:57:11,696 - INFO - OPENED LONG at 1936.47 | Stop loss: 1926.7540607142857 | Take profit: 1965.5674339285713 +2025-03-10 19:57:11,712 - INFO - CLOSED long at 1930.51 | PnL: -0.31% | $-0.81 +2025-03-10 19:57:11,712 - INFO - OPENED SHORT at 1930.51 | Stop loss: 1940.1961392857145 | Take profit: 1901.5019660714283 +2025-03-10 19:57:11,745 - INFO - CLOSED short at 1925.7 | PnL: 0.25% | $0.29 +2025-03-10 19:57:11,745 - INFO - OPENED LONG at 1925.7 | Stop loss: 1916.0379107142858 | Take profit: 1954.6358839285715 +2025-03-10 19:57:11,764 - INFO - CLOSED long at 1920.01 | PnL: -0.30% | $-0.78 +2025-03-10 19:57:11,764 - INFO - OPENED SHORT at 1920.01 | Stop loss: 1929.6436392857145 | Take profit: 1891.1594660714286 +2025-03-10 19:57:11,911 - INFO - CLOSED short at 1920.0 | PnL: 0.00% | $-0.19 +2025-03-10 19:57:11,912 - INFO - OPENED LONG at 1920.0 | Stop loss: 1910.3664107142858 | Take profit: 1948.8503839285713 +2025-03-10 19:57:11,928 - INFO - CLOSED long at 1915.57 | PnL: -0.23% | $-0.64 +2025-03-10 19:57:11,928 - INFO - OPENED SHORT at 1915.57 | Stop loss: 1925.1814392857143 | Take profit: 1886.7860660714284 +2025-03-10 19:57:11,970 - INFO - CLOSED short at 1916.25 | PnL: -0.04% | $-0.26 +2025-03-10 19:57:11,970 - INFO - OPENED LONG at 1916.25 | Stop loss: 1906.6351607142858 | Take profit: 1945.0441339285712 +2025-03-10 19:57:11,993 - INFO - CLOSED long at 1914.83 | PnL: -0.07% | $-0.34 +2025-03-10 19:57:11,993 - INFO - OPENED SHORT at 1914.83 | Stop loss: 1924.4377392857143 | Take profit: 1886.0571660714286 +2025-03-10 19:57:12,048 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 55.6% in downtrends | Avg Win=$1.19, Avg Loss=$-0.74 +2025-03-10 19:57:12,048 - INFO - Episode 44: Reward=0.17, Balance=$97.82, Win Rate=31.2%, Trades=16, Episode PnL=$3.66, Total PnL=$191.36, Max Drawdown=2.2%, Pred Accuracy=99.4% +2025-03-10 19:57:12,049 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:57:12,049 - INFO - Refreshing data for episode 45 +2025-03-10 19:57:12,049 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:57:12,336 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:57:12,349 - INFO - Initialized environment with 100 candles +2025-03-10 19:57:12,620 - INFO - OPENED SHORT at 2007.54 | Stop loss: 2017.6112892857145 | Take profit: 1977.3765160714286 +2025-03-10 19:57:12,654 - INFO - CLOSED short at 2010.32 | PnL: -0.14% | $-0.47 +2025-03-10 19:57:12,672 - INFO - OPENED SHORT at 2008.58 | Stop loss: 2018.656489285714 | Take profit: 1978.4009160714284 +2025-03-10 19:57:12,869 - INFO - TAKE PROFIT hit for short at 1978.4009160714284 | PnL: 1.50% | $2.75 +2025-03-10 19:57:12,886 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7530892857142 | Take profit: 1934.3911160714288 +2025-03-10 19:57:13,249 - INFO - CLOSED short at 1957.81 | PnL: 0.31% | $0.42 +2025-03-10 19:57:13,265 - INFO - OPENED SHORT at 1954.95 | Stop loss: 1964.7583392857143 | Take profit: 1925.5753660714288 +2025-03-10 19:57:13,283 - INFO - CLOSED short at 1954.01 | PnL: 0.05% | $-0.10 +2025-03-10 19:57:13,283 - INFO - OPENED LONG at 1954.01 | Stop loss: 1944.2063607142857 | Take profit: 1983.3705339285714 +2025-03-10 19:57:13,302 - INFO - CLOSED long at 1951.12 | PnL: -0.15% | $-0.50 +2025-03-10 19:57:13,302 - INFO - OPENED SHORT at 1951.12 | Stop loss: 1960.909189285714 | Take profit: 1921.8028160714284 +2025-03-10 19:57:13,471 - INFO - TAKE PROFIT hit for short at 1921.8028160714284 | PnL: 1.50% | $2.82 +2025-03-10 19:57:13,488 - INFO - OPENED SHORT at 1926.3 | Stop loss: 1935.9650892857144 | Take profit: 1897.3551160714285 +2025-03-10 19:57:13,600 - INFO - CLOSED short at 1916.72 | PnL: 0.50% | $0.82 +2025-03-10 19:57:13,600 - INFO - OPENED LONG at 1916.72 | Stop loss: 1907.1028107142856 | Take profit: 1945.5211839285716 +2025-03-10 19:57:13,616 - INFO - CLOSED long at 1920.0 | PnL: 0.17% | $0.15 +2025-03-10 19:57:13,616 - INFO - OPENED SHORT at 1920.0 | Stop loss: 1929.6335892857142 | Take profit: 1891.1496160714285 +2025-03-10 19:57:13,728 - INFO - CLOSED short at 1913.84 | PnL: 0.32% | $0.46 +2025-03-10 19:57:13,728 - INFO - OPENED LONG at 1913.84 | Stop loss: 1904.2372107142855 | Take profit: 1942.5979839285715 +2025-03-10 19:57:13,744 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 80.0% in downtrends | Avg Win=$1.24, Avg Loss=$-0.36 +2025-03-10 19:57:13,744 - INFO - Episode 45: Reward=13.68, Balance=$106.34, Win Rate=66.7%, Trades=9, Episode PnL=$6.69, Total PnL=$197.70, Max Drawdown=0.5%, Pred Accuracy=99.4% +2025-03-10 19:57:13,744 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:57:13,744 - INFO - Refreshing data for episode 46 +2025-03-10 19:57:13,746 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:57:14,052 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:57:14,058 - INFO - Initialized environment with 100 candles +2025-03-10 19:57:14,075 - INFO - OPENED SHORT at 2007.54 | Stop loss: 2017.6112892857145 | Take profit: 1977.3765160714286 +2025-03-10 19:57:14,320 - INFO - TAKE PROFIT hit for short at 1977.3765160714286 | PnL: 1.50% | $2.76 +2025-03-10 19:57:14,346 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7530892857142 | Take profit: 1934.3911160714288 +2025-03-10 19:57:14,456 - INFO - CLOSED short at 1951.33 | PnL: 0.64% | $1.09 +2025-03-10 19:57:14,457 - INFO - OPENED LONG at 1951.33 | Stop loss: 1941.5397607142856 | Take profit: 1980.6503339285714 +2025-03-10 19:57:14,471 - INFO - CLOSED long at 1944.39 | PnL: -0.36% | $-0.93 +2025-03-10 19:57:14,471 - INFO - OPENED SHORT at 1944.39 | Stop loss: 1954.1455392857142 | Take profit: 1915.1737660714286 +2025-03-10 19:57:14,570 - INFO - STOP LOSS hit for short at 1954.1455392857142 | PnL: -0.50% | $-1.22 +2025-03-10 19:57:14,588 - INFO - OPENED SHORT at 1960.37 | Stop loss: 1970.2054392857144 | Take profit: 1930.9140660714286 +2025-03-10 19:57:14,771 - INFO - CLOSED short at 1961.83 | PnL: -0.07% | $-0.35 +2025-03-10 19:57:14,771 - INFO - OPENED LONG at 1961.83 | Stop loss: 1951.9872607142856 | Take profit: 1991.3078339285714 +2025-03-10 19:57:14,789 - INFO - CLOSED long at 1957.81 | PnL: -0.20% | $-0.61 +2025-03-10 19:57:14,789 - INFO - OPENED SHORT at 1957.81 | Stop loss: 1967.632639285714 | Take profit: 1928.3924660714285 +2025-03-10 19:57:14,997 - INFO - TAKE PROFIT hit for short at 1928.3924660714285 | PnL: 1.50% | $2.78 +2025-03-10 19:57:15,016 - INFO - OPENED SHORT at 1920.01 | Stop loss: 1929.6436392857145 | Take profit: 1891.1594660714286 +2025-03-10 19:57:15,320 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 60.0% in downtrends | Avg Win=$2.21, Avg Loss=$-0.78 +2025-03-10 19:57:15,320 - INFO - Episode 46: Reward=10.14, Balance=$103.52, Win Rate=42.9%, Trades=7, Episode PnL=$5.06, Total PnL=$201.22, Max Drawdown=1.0%, Pred Accuracy=99.4% +2025-03-10 19:57:15,320 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:57:15,320 - INFO - Refreshing data for episode 47 +2025-03-10 19:57:15,320 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:57:15,632 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:57:15,637 - INFO - Initialized environment with 100 candles +2025-03-10 19:57:15,653 - INFO - OPENED SHORT at 2007.54 | Stop loss: 2017.6118714285712 | Take profit: 1977.3756428571428 +2025-03-10 19:57:15,903 - INFO - TAKE PROFIT hit for short at 1977.3756428571428 | PnL: 1.50% | $2.76 +2025-03-10 19:57:15,927 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7536714285714 | Take profit: 1934.390242857143 +2025-03-10 19:57:16,480 - INFO - TAKE PROFIT hit for short at 1934.390242857143 | PnL: 1.50% | $2.83 +2025-03-10 19:57:16,506 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.5886714285716 | Take profit: 1901.8852428571429 +2025-03-10 19:57:16,821 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.80, Avg Loss=$0.00 +2025-03-10 19:57:16,821 - INFO - Episode 47: Reward=14.09, Balance=$105.59, Win Rate=100.0%, Trades=2, Episode PnL=$5.59, Total PnL=$206.81, Max Drawdown=0.0%, Pred Accuracy=99.4% +2025-03-10 19:57:16,828 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:57:16,828 - INFO - Refreshing data for episode 48 +2025-03-10 19:57:16,829 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:57:17,126 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:57:17,132 - INFO - Initialized environment with 100 candles +2025-03-10 19:57:17,149 - INFO - OPENED SHORT at 2007.54 | Stop loss: 2017.6119392857142 | Take profit: 1977.3755410714286 +2025-03-10 19:57:17,389 - INFO - TAKE PROFIT hit for short at 1977.3755410714286 | PnL: 1.50% | $2.76 +2025-03-10 19:57:17,404 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7537392857141 | Take profit: 1934.3901410714286 +2025-03-10 19:57:17,903 - INFO - CLOSED short at 1936.29 | PnL: 1.41% | $2.64 +2025-03-10 19:57:17,903 - INFO - OPENED LONG at 1936.29 | Stop loss: 1926.5743107142857 | Take profit: 1965.3857089285714 +2025-03-10 19:57:17,928 - INFO - CLOSED long at 1936.47 | PnL: 0.01% | $-0.19 +2025-03-10 19:57:17,928 - INFO - OPENED SHORT at 1936.47 | Stop loss: 1946.1865892857145 | Take profit: 1907.3715910714286 +2025-03-10 19:57:18,281 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.70, Avg Loss=$-0.19 +2025-03-10 19:57:18,282 - INFO - Episode 48: Reward=15.31, Balance=$105.21, Win Rate=66.7%, Trades=3, Episode PnL=$5.40, Total PnL=$212.02, Max Drawdown=0.0%, Pred Accuracy=99.4% +2025-03-10 19:57:18,282 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:57:18,282 - INFO - Refreshing data for episode 49 +2025-03-10 19:57:18,282 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:57:18,624 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:57:18,636 - INFO - Initialized environment with 100 candles +2025-03-10 19:57:18,650 - INFO - OPENED SHORT at 2007.54 | Stop loss: 2017.6121035714286 | Take profit: 1977.3752946428572 +2025-03-10 19:57:18,871 - INFO - TAKE PROFIT hit for short at 1977.3752946428572 | PnL: 1.50% | $2.76 +2025-03-10 19:57:18,893 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7539035714285 | Take profit: 1934.3898946428574 +2025-03-10 19:57:19,418 - INFO - TAKE PROFIT hit for short at 1934.3898946428574 | PnL: 1.50% | $2.83 +2025-03-10 19:57:19,439 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.5889035714288 | Take profit: 1901.8848946428573 +2025-03-10 19:57:19,474 - INFO - CLOSED short at 1920.01 | PnL: 0.56% | $0.96 +2025-03-10 19:57:19,475 - INFO - OPENED LONG at 1920.01 | Stop loss: 1910.3755464285714 | Take profit: 1948.8617553571428 +2025-03-10 19:57:19,489 - INFO - CLOSED long at 1926.3 | PnL: 0.33% | $0.48 +2025-03-10 19:57:19,489 - INFO - OPENED SHORT at 1926.3 | Stop loss: 1935.9659035714285 | Take profit: 1897.353894642857 +2025-03-10 19:57:19,689 - INFO - CLOSED short at 1914.83 | PnL: 0.60% | $1.04 +2025-03-10 19:57:19,689 - INFO - OPENED LONG at 1914.83 | Stop loss: 1905.2214464285712 | Take profit: 1943.6040553571427 +2025-03-10 19:57:19,716 - INFO - CLOSED long at 1911.19 | PnL: -0.19% | $-0.62 +2025-03-10 19:57:19,716 - INFO - OPENED SHORT at 1911.19 | Stop loss: 1920.7803535714286 | Take profit: 1882.4705446428572 +2025-03-10 19:57:19,753 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.61, Avg Loss=$-0.62 +2025-03-10 19:57:19,754 - INFO - Episode 49: Reward=16.35, Balance=$107.46, Win Rate=83.3%, Trades=6, Episode PnL=$7.60, Total PnL=$219.48, Max Drawdown=0.0%, Pred Accuracy=99.4% +2025-03-10 19:57:19,754 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:57:19,754 - INFO - Early stopping triggered after 50 episodes without improvement +2025-03-10 19:57:19,854 - INFO - Model saved to models/trading_agent_final.pt +2025-03-10 19:57:20,167 - INFO - Training results saved to training_results.png +2025-03-10 19:57:20,286 - INFO - Model saved to models/trading_agent_continuous_0.pt +2025-03-10 19:57:25,286 - INFO - Starting training batch 2 +2025-03-10 19:57:25,286 - INFO - Refreshing data for new training batch +2025-03-10 19:57:25,286 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:57:25,600 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 19:57:25,606 - INFO - Initialized environment with 500 candles +2025-03-10 19:57:25,606 - INFO - Updated environment with fresh candles +2025-03-10 19:57:25,606 - INFO - Starting training on device: cuda +2025-03-10 19:57:25,607 - INFO - Loading best model from models/trading_agent_best_pnl.pt to resume training +2025-03-10 19:57:25,607 - INFO - Loading model from models/trading_agent_best_pnl.pt +2025-03-10 19:57:25,711 - INFO - Model loaded successfully with weights_only=True +2025-03-10 19:57:25,720 - INFO - Resumed with best metrics - Reward: 202.74, PnL: $9.27, Win Rate: 73.3% +2025-03-10 19:57:25,723 - INFO - Refreshing data for episode 0 +2025-03-10 19:57:25,723 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:57:26,020 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:57:26,026 - INFO - Initialized environment with 100 candles +2025-03-10 19:57:26,546 - INFO - OPENED SHORT at 2007.54 | Stop loss: 2017.6121035714286 | Take profit: 1977.3752946428572 +2025-03-10 19:57:26,822 - INFO - CLOSED short at 1975.72 | PnL: 1.59% | $2.92 +2025-03-10 19:57:26,822 - INFO - OPENED LONG at 1975.72 | Stop loss: 1965.8069964285714 | Take profit: 2005.4074053571428 +2025-03-10 19:57:26,843 - INFO - CLOSED long at 1963.9 | PnL: -0.60% | $-1.41 +2025-03-10 19:57:26,843 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7539035714285 | Take profit: 1934.3898946428574 +2025-03-10 19:57:26,897 - INFO - CLOSED short at 1945.18 | PnL: 0.95% | $1.70 +2025-03-10 19:57:26,897 - INFO - OPENED LONG at 1945.18 | Stop loss: 1935.4196964285716 | Take profit: 1974.4093053571428 +2025-03-10 19:57:26,915 - INFO - CLOSED long at 1949.46 | PnL: 0.22% | $0.24 +2025-03-10 19:57:26,915 - INFO - OPENED SHORT at 1949.46 | Stop loss: 1959.2417035714286 | Take profit: 1920.166494642857 +2025-03-10 19:57:27,066 - INFO - STOP LOSS hit for short at 1959.2417035714286 | PnL: -0.50% | $-1.22 +2025-03-10 19:57:27,084 - INFO - OPENED SHORT at 1960.27 | Stop loss: 1970.1057535714285 | Take profit: 1930.8143446428571 +2025-03-10 19:57:27,116 - INFO - CLOSED short at 1954.81 | PnL: 0.28% | $0.36 +2025-03-10 19:57:27,132 - INFO - OPENED SHORT at 1958.19 | Stop loss: 1968.015353571429 | Take profit: 1928.7655446428573 +2025-03-10 19:57:27,379 - INFO - CLOSED short at 1930.51 | PnL: 1.41% | $2.65 +2025-03-10 19:57:27,379 - INFO - OPENED LONG at 1930.51 | Stop loss: 1920.8230464285714 | Take profit: 1959.5192553571426 +2025-03-10 19:57:27,404 - INFO - CLOSED long at 1930.9 | PnL: 0.02% | $-0.17 +2025-03-10 19:57:27,405 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.5889035714288 | Take profit: 1901.8848946428573 +2025-03-10 19:57:27,426 - INFO - CLOSED short at 1925.7 | PnL: 0.27% | $0.35 +2025-03-10 19:57:27,426 - INFO - OPENED LONG at 1925.7 | Stop loss: 1916.0370964285714 | Take profit: 1954.637105357143 +2025-03-10 19:57:27,449 - INFO - CLOSED long at 1920.01 | PnL: -0.30% | $-0.82 +2025-03-10 19:57:27,449 - INFO - OPENED SHORT at 1920.01 | Stop loss: 1929.6444535714284 | Take profit: 1891.158244642857 +2025-03-10 19:57:27,483 - INFO - CLOSED short at 1922.96 | PnL: -0.15% | $-0.52 +2025-03-10 19:57:27,484 - INFO - OPENED LONG at 1922.96 | Stop loss: 1913.3107964285714 | Take profit: 1951.856005357143 +2025-03-10 19:57:27,505 - INFO - CLOSED long at 1923.32 | PnL: 0.02% | $-0.17 +2025-03-10 19:57:27,505 - INFO - OPENED SHORT at 1923.32 | Stop loss: 1932.9710035714284 | Take profit: 1894.4185946428572 +2025-03-10 19:57:27,556 - INFO - CLOSED short at 1917.41 | PnL: 0.31% | $0.42 +2025-03-10 19:57:27,556 - INFO - OPENED LONG at 1917.41 | Stop loss: 1907.7885464285714 | Take profit: 1946.2227553571431 +2025-03-10 19:57:27,579 - INFO - CLOSED long at 1916.6 | PnL: -0.04% | $-0.29 +2025-03-10 19:57:27,579 - INFO - OPENED SHORT at 1916.6 | Stop loss: 1926.2174035714283 | Take profit: 1887.7993946428571 +2025-03-10 19:57:27,611 - INFO - CLOSED short at 1920.0 | PnL: -0.18% | $-0.57 +2025-03-10 19:57:27,612 - INFO - OPENED LONG at 1920.0 | Stop loss: 1910.3655964285715 | Take profit: 1948.8516053571427 +2025-03-10 19:57:27,631 - INFO - CLOSED long at 1915.57 | PnL: -0.23% | $-0.67 +2025-03-10 19:57:27,632 - INFO - OPENED SHORT at 1915.57 | Stop loss: 1925.1822535714284 | Take profit: 1886.784844642857 +2025-03-10 19:57:27,670 - INFO - CLOSED short at 1913.59 | PnL: 0.10% | $0.01 +2025-03-10 19:57:27,670 - INFO - OPENED LONG at 1913.59 | Stop loss: 1903.9876464285715 | Take profit: 1942.3454553571428 +2025-03-10 19:57:27,686 - INFO - CLOSED long at 1916.25 | PnL: 0.14% | $0.08 +2025-03-10 19:57:27,686 - INFO - OPENED SHORT at 1916.25 | Stop loss: 1925.8656535714283 | Take profit: 1887.4546446428571 +2025-03-10 19:57:27,702 - INFO - CLOSED short at 1914.83 | PnL: 0.07% | $-0.05 +2025-03-10 19:57:27,702 - INFO - OPENED LONG at 1914.83 | Stop loss: 1905.2214464285712 | Take profit: 1943.6040553571427 +2025-03-10 19:57:27,721 - INFO - CLOSED long at 1911.19 | PnL: -0.19% | $-0.59 +2025-03-10 19:57:27,721 - INFO - OPENED SHORT at 1911.19 | Stop loss: 1920.7803535714286 | Take profit: 1882.4705446428572 +2025-03-10 19:57:27,755 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 60.0% in downtrends | Avg Win=$0.97, Avg Loss=$-0.59 +2025-03-10 19:57:27,756 - INFO - Episode 0: Reward=9.69, Balance=$102.25, Win Rate=45.0%, Trades=20, Episode PnL=$6.04, Total PnL=$221.73, Max Drawdown=0.0%, Pred Accuracy=99.7% +2025-03-10 19:57:27,871 - INFO - Model saved to checkpoints/trading_agent_episode_0.pt +2025-03-10 19:57:27,872 - INFO - Checkpoint saved at episode 0 +2025-03-10 19:57:28,224 - INFO - Visualization saved for episode 0 +2025-03-10 19:57:28,904 - INFO - Visualization saved for episode 0 +2025-03-10 19:57:28,912 - INFO - Refreshing data for episode 1 +2025-03-10 19:57:28,912 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:57:29,209 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:57:29,214 - INFO - Initialized environment with 100 candles +2025-03-10 19:57:29,244 - INFO - OPENED LONG at 2007.54 | Stop loss: 1997.4667785714287 | Take profit: 2037.7063821428571 +2025-03-10 19:57:29,266 - INFO - CLOSED long at 2009.9 | PnL: 0.12% | $0.03 +2025-03-10 19:57:29,266 - INFO - OPENED SHORT at 2009.9 | Stop loss: 2019.9850214285716 | Take profit: 1979.698217857143 +2025-03-10 19:57:29,303 - INFO - CLOSED short at 2008.58 | PnL: 0.07% | $-0.07 +2025-03-10 19:57:29,303 - INFO - OPENED LONG at 2008.58 | Stop loss: 1998.5015785714286 | Take profit: 2038.7619821428573 +2025-03-10 19:57:29,322 - INFO - CLOSED long at 2006.01 | PnL: -0.13% | $-0.45 +2025-03-10 19:57:29,322 - INFO - OPENED SHORT at 2006.01 | Stop loss: 2016.0755714285715 | Take profit: 1975.8665678571429 +2025-03-10 19:57:29,340 - INFO - CLOSED short at 2008.34 | PnL: -0.12% | $-0.42 +2025-03-10 19:57:29,340 - INFO - OPENED LONG at 2008.34 | Stop loss: 1998.2627785714285 | Take profit: 2038.518382142857 +2025-03-10 19:57:29,395 - INFO - CLOSED long at 2011.91 | PnL: 0.18% | $0.15 +2025-03-10 19:57:29,395 - INFO - OPENED SHORT at 2011.91 | Stop loss: 2022.0050714285712 | Take profit: 1981.6780678571429 +2025-03-10 19:57:29,416 - INFO - CLOSED short at 2008.39 | PnL: 0.17% | $0.15 +2025-03-10 19:57:29,416 - INFO - OPENED LONG at 2008.39 | Stop loss: 1998.3125285714286 | Take profit: 2038.5691321428571 +2025-03-10 19:57:29,472 - INFO - CLOSED long at 2006.12 | PnL: -0.11% | $-0.42 +2025-03-10 19:57:29,472 - INFO - OPENED SHORT at 2006.12 | Stop loss: 2016.1861214285714 | Take profit: 1975.9749178571426 +2025-03-10 19:57:29,495 - INFO - CLOSED short at 2002.62 | PnL: 0.17% | $0.14 +2025-03-10 19:57:29,495 - INFO - OPENED LONG at 2002.62 | Stop loss: 1992.5713785714286 | Take profit: 2032.712582142857 +2025-03-10 19:57:29,535 - INFO - STOP LOSS hit for long at 1992.5713785714286 | PnL: -0.50% | $-1.17 +2025-03-10 19:57:29,554 - INFO - OPENED LONG at 1963.9 | Stop loss: 1954.0449785714286 | Take profit: 1993.4117821428572 +2025-03-10 19:57:29,572 - INFO - CLOSED long at 1968.1 | PnL: 0.21% | $0.22 +2025-03-10 19:57:29,573 - INFO - OPENED SHORT at 1968.1 | Stop loss: 1977.9760214285714 | Take profit: 1938.5252178571427 +2025-03-10 19:57:29,600 - INFO - CLOSED short at 1947.49 | PnL: 1.05% | $1.83 +2025-03-10 19:57:29,600 - INFO - OPENED LONG at 1947.49 | Stop loss: 1937.7170285714285 | Take profit: 1976.7556321428572 +2025-03-10 19:57:29,834 - INFO - CLOSED long at 1956.52 | PnL: 0.46% | $0.71 +2025-03-10 19:57:29,834 - INFO - OPENED SHORT at 1956.52 | Stop loss: 1966.3381214285714 | Take profit: 1927.1189178571428 +2025-03-10 19:57:29,858 - INFO - CLOSED short at 1954.81 | PnL: 0.09% | $-0.02 +2025-03-10 19:57:29,858 - INFO - OPENED LONG at 1954.81 | Stop loss: 1945.0004285714285 | Take profit: 1984.185432142857 +2025-03-10 19:57:29,882 - INFO - CLOSED long at 1958.19 | PnL: 0.17% | $0.14 +2025-03-10 19:57:29,882 - INFO - OPENED SHORT at 1958.19 | Stop loss: 1968.0164714285715 | Take profit: 1928.763867857143 +2025-03-10 19:57:29,923 - INFO - CLOSED short at 1964.45 | PnL: -0.32% | $-0.83 +2025-03-10 19:57:29,923 - INFO - OPENED LONG at 1964.45 | Stop loss: 1954.5922285714287 | Take profit: 1993.9700321428572 +2025-03-10 19:57:29,996 - INFO - CLOSED long at 1957.81 | PnL: -0.34% | $-0.86 +2025-03-10 19:57:29,996 - INFO - OPENED SHORT at 1957.81 | Stop loss: 1967.6345714285715 | Take profit: 1928.3895678571428 +2025-03-10 19:57:30,034 - INFO - CLOSED short at 1954.01 | PnL: 0.19% | $0.18 +2025-03-10 19:57:30,035 - INFO - OPENED LONG at 1954.01 | Stop loss: 1944.2044285714287 | Take profit: 1983.3734321428572 +2025-03-10 19:57:30,054 - INFO - CLOSED long at 1951.12 | PnL: -0.15% | $-0.48 +2025-03-10 19:57:30,055 - INFO - OPENED SHORT at 1951.12 | Stop loss: 1960.9111214285715 | Take profit: 1921.7999178571426 +2025-03-10 19:57:30,096 - INFO - CLOSED short at 1943.75 | PnL: 0.38% | $0.54 +2025-03-10 19:57:30,116 - INFO - OPENED LONG at 1946.71 | Stop loss: 1936.9409285714287 | Take profit: 1975.9639321428574 +2025-03-10 19:57:30,155 - INFO - CLOSED long at 1936.29 | PnL: -0.54% | $-1.24 +2025-03-10 19:57:30,155 - INFO - OPENED SHORT at 1936.29 | Stop loss: 1946.0069714285714 | Take profit: 1907.192367857143 +2025-03-10 19:57:30,172 - INFO - CLOSED short at 1936.47 | PnL: -0.01% | $-0.21 +2025-03-10 19:57:30,174 - INFO - OPENED LONG at 1936.47 | Stop loss: 1926.7521285714286 | Take profit: 1965.570332142857 +2025-03-10 19:57:30,188 - INFO - CLOSED long at 1930.51 | PnL: -0.31% | $-0.78 +2025-03-10 19:57:30,189 - INFO - OPENED SHORT at 1930.51 | Stop loss: 1940.1980714285714 | Take profit: 1901.4990678571428 +2025-03-10 19:57:30,208 - INFO - CLOSED short at 1930.9 | PnL: -0.02% | $-0.23 +2025-03-10 19:57:30,226 - INFO - OPENED LONG at 1925.7 | Stop loss: 1916.0359785714286 | Take profit: 1954.638782142857 +2025-03-10 19:57:30,263 - INFO - CLOSED long at 1926.3 | PnL: 0.03% | $-0.13 +2025-03-10 19:57:30,300 - INFO - OPENED LONG at 1923.32 | Stop loss: 1913.6678785714287 | Take profit: 1952.223082142857 +2025-03-10 19:57:30,334 - INFO - CLOSED long at 1927.31 | PnL: 0.21% | $0.20 +2025-03-10 19:57:30,401 - INFO - OPENED SHORT at 1920.0 | Stop loss: 1929.6355214285713 | Take profit: 1891.146717857143 +2025-03-10 19:57:30,421 - INFO - CLOSED short at 1915.57 | PnL: 0.23% | $0.25 +2025-03-10 19:57:30,438 - INFO - OPENED LONG at 1917.17 | Stop loss: 1907.5486285714287 | Take profit: 1945.9808321428573 +2025-03-10 19:57:30,455 - INFO - CLOSED long at 1913.59 | PnL: -0.19% | $-0.55 +2025-03-10 19:57:30,490 - INFO - OPENED LONG at 1914.83 | Stop loss: 1905.2203285714286 | Take profit: 1943.605732142857 +2025-03-10 19:57:30,539 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 40.0% in downtrends | Avg Win=$0.38, Avg Loss=$-0.52 +2025-03-10 19:57:30,539 - INFO - Episode 1: Reward=-15.21, Balance=$96.69, Win Rate=44.4%, Trades=27, Episode PnL=$-0.34, Total PnL=$218.42, Max Drawdown=3.3%, Pred Accuracy=99.7% +2025-03-10 19:57:30,539 - INFO - Refreshing data for episode 2 +2025-03-10 19:57:30,539 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:57:30,843 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:57:30,850 - INFO - Initialized environment with 100 candles +2025-03-10 19:57:30,928 - INFO - OPENED LONG at 2008.58 | Stop loss: 1998.501432142857 | Take profit: 2038.762201785714 +2025-03-10 19:57:30,942 - INFO - CLOSED long at 2006.01 | PnL: -0.13% | $-0.45 +2025-03-10 19:57:30,963 - INFO - OPENED LONG at 2008.34 | Stop loss: 1998.262632142857 | Take profit: 2038.5186017857143 +2025-03-10 19:57:30,979 - INFO - CLOSED long at 2009.13 | PnL: 0.04% | $-0.12 +2025-03-10 19:57:30,993 - INFO - OPENED LONG at 2010.0 | Stop loss: 1999.9143321428571 | Take profit: 2040.203501785714 +2025-03-10 19:57:31,013 - INFO - CLOSED long at 2011.91 | PnL: 0.10% | $-0.01 +2025-03-10 19:57:31,179 - INFO - OPENED LONG at 1947.49 | Stop loss: 1937.7168821428572 | Take profit: 1976.7558517857144 +2025-03-10 19:57:31,199 - INFO - CLOSED long at 1945.18 | PnL: -0.12% | $-0.43 +2025-03-10 19:57:31,346 - INFO - OPENED LONG at 1958.3 | Stop loss: 1948.472832142857 | Take profit: 1987.7280017857142 +2025-03-10 19:57:31,366 - INFO - CLOSED long at 1960.37 | PnL: 0.11% | $0.01 +2025-03-10 19:57:31,434 - INFO - OPENED LONG at 1958.19 | Stop loss: 1948.3633821428573 | Take profit: 1987.6163517857144 +2025-03-10 19:57:31,451 - INFO - CLOSED long at 1966.38 | PnL: 0.42% | $0.62 +2025-03-10 19:57:31,488 - INFO - OPENED LONG at 1962.42 | Stop loss: 1952.5722321428573 | Take profit: 1991.9098017857143 +2025-03-10 19:57:31,505 - INFO - CLOSED long at 1958.39 | PnL: -0.21% | $-0.60 +2025-03-10 19:57:31,866 - INFO - OPENED LONG at 1917.41 | Stop loss: 1907.7872821428573 | Take profit: 1946.2246517857145 +2025-03-10 19:57:31,884 - INFO - CLOSED long at 1916.6 | PnL: -0.04% | $-0.28 +2025-03-10 19:57:31,922 - INFO - OPENED LONG at 1920.0 | Stop loss: 1910.3643321428572 | Take profit: 1948.8535017857143 +2025-03-10 19:57:31,939 - INFO - CLOSED long at 1915.57 | PnL: -0.23% | $-0.64 +2025-03-10 19:57:31,939 - INFO - OPENED SHORT at 1915.57 | Stop loss: 1925.183517857143 | Take profit: 1886.7829482142856 +2025-03-10 19:57:31,958 - INFO - CLOSED short at 1917.17 | PnL: -0.08% | $-0.35 +2025-03-10 19:57:32,061 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.31, Avg Loss=$-0.36 +2025-03-10 19:57:32,061 - INFO - Episode 2: Reward=-11.00, Balance=$97.76, Win Rate=20.0%, Trades=10, Episode PnL=$-1.60, Total PnL=$216.17, Max Drawdown=2.2%, Pred Accuracy=99.7% +2025-03-10 19:57:32,061 - INFO - Refreshing data for episode 3 +2025-03-10 19:57:32,061 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:57:32,380 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:57:32,384 - INFO - Initialized environment with 100 candles +2025-03-10 19:57:32,404 - INFO - OPENED LONG at 2007.54 | Stop loss: 1997.466632142857 | Take profit: 2037.7066017857142 +2025-03-10 19:57:32,425 - INFO - CLOSED long at 2009.9 | PnL: 0.12% | $0.03 +2025-03-10 19:57:32,459 - INFO - OPENED LONG at 2008.58 | Stop loss: 1998.501432142857 | Take profit: 2038.762201785714 +2025-03-10 19:57:32,477 - INFO - CLOSED long at 2006.01 | PnL: -0.13% | $-0.45 +2025-03-10 19:57:32,546 - INFO - OPENED LONG at 2011.91 | Stop loss: 2001.8147821428572 | Take profit: 2042.1421517857145 +2025-03-10 19:57:32,568 - INFO - CLOSED long at 2008.39 | PnL: -0.17% | $-0.54 +2025-03-10 19:57:32,605 - INFO - OPENED LONG at 2004.48 | Stop loss: 1994.4219321428573 | Take profit: 2034.6007017857144 +2025-03-10 19:57:32,623 - INFO - CLOSED long at 2006.12 | PnL: 0.08% | $-0.04 +2025-03-10 19:57:32,709 - INFO - OPENED LONG at 1968.1 | Stop loss: 1958.2238321428572 | Take profit: 1997.6750017857144 +2025-03-10 19:57:32,726 - INFO - STOP LOSS hit for long at 1958.2238321428572 | PnL: -0.50% | $-1.17 +2025-03-10 19:57:32,747 - INFO - OPENED LONG at 1945.18 | Stop loss: 1935.4184321428572 | Take profit: 1974.4112017857142 +2025-03-10 19:57:32,765 - INFO - CLOSED long at 1949.46 | PnL: 0.22% | $0.23 +2025-03-10 19:57:32,849 - INFO - OPENED LONG at 1940.46 | Stop loss: 1930.7220321428572 | Take profit: 1969.6204017857144 +2025-03-10 19:57:32,866 - INFO - CLOSED long at 1944.31 | PnL: 0.20% | $0.19 +2025-03-10 19:57:32,932 - INFO - OPENED LONG at 1960.27 | Stop loss: 1950.432982142857 | Take profit: 1989.7275517857142 +2025-03-10 19:57:32,946 - INFO - CLOSED long at 1956.52 | PnL: -0.19% | $-0.56 +2025-03-10 19:57:33,565 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.15, Avg Loss=$-0.55 +2025-03-10 19:57:33,566 - INFO - Episode 3: Reward=-5.02, Balance=$97.70, Win Rate=37.5%, Trades=8, Episode PnL=$-2.30, Total PnL=$213.88, Max Drawdown=2.3%, Pred Accuracy=99.8% +2025-03-10 19:57:33,566 - INFO - Refreshing data for episode 4 +2025-03-10 19:57:33,566 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:57:33,870 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:57:33,871 - INFO - Initialized environment with 100 candles +2025-03-10 19:57:35,099 - INFO - Episode 4: Reward=13.80, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$213.88, Max Drawdown=0.0%, Pred Accuracy=99.8% +2025-03-10 19:57:35,099 - INFO - Refreshing data for episode 5 +2025-03-10 19:57:35,100 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:57:35,401 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:57:35,407 - INFO - Initialized environment with 100 candles +2025-03-10 19:57:36,201 - INFO - OPENED SHORT at 1958.3 | Stop loss: 1968.127167857143 | Take profit: 1928.8719982142857 +2025-03-10 19:57:36,220 - INFO - CLOSED short at 1960.37 | PnL: -0.11% | $-0.40 +2025-03-10 19:57:36,556 - INFO - OPENED SHORT at 1930.51 | Stop loss: 1940.198217857143 | Take profit: 1901.4988482142858 +2025-03-10 19:57:36,581 - INFO - CLOSED short at 1930.9 | PnL: -0.02% | $-0.24 +2025-03-10 19:57:36,906 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.00, Avg Loss=$-0.32 +2025-03-10 19:57:36,907 - INFO - Episode 5: Reward=11.76, Balance=$99.36, Win Rate=0.0%, Trades=2, Episode PnL=$-0.64, Total PnL=$213.24, Max Drawdown=0.6%, Pred Accuracy=99.8% +2025-03-10 19:57:36,907 - INFO - Refreshing data for episode 6 +2025-03-10 19:57:36,907 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:57:37,208 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:57:37,216 - INFO - Initialized environment with 100 candles +2025-03-10 19:57:37,248 - INFO - OPENED LONG at 2009.9 | Stop loss: 1999.8148321428573 | Take profit: 2040.1020017857145 +2025-03-10 19:57:37,264 - INFO - CLOSED long at 2010.32 | PnL: 0.02% | $-0.16 +2025-03-10 19:57:37,492 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7551678571429 | Take profit: 1934.387998214286 +2025-03-10 19:57:37,509 - INFO - CLOSED short at 1968.1 | PnL: -0.21% | $-0.62 +2025-03-10 19:57:37,789 - INFO - OPENED LONG at 1966.38 | Stop loss: 1956.5124321428573 | Take profit: 1995.9292017857147 +2025-03-10 19:57:37,810 - INFO - CLOSED long at 1964.45 | PnL: -0.10% | $-0.39 +2025-03-10 19:57:37,990 - INFO - OPENED LONG at 1942.87 | Stop loss: 1933.119982142857 | Take profit: 1972.0665517857142 +2025-03-10 19:57:38,006 - INFO - CLOSED long at 1936.29 | PnL: -0.34% | $-0.85 +2025-03-10 19:57:38,124 - INFO - OPENED LONG at 1922.96 | Stop loss: 1913.309532142857 | Take profit: 1951.8579017857144 +2025-03-10 19:57:38,140 - INFO - CLOSED long at 1923.32 | PnL: 0.02% | $-0.16 +2025-03-10 19:57:38,366 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.00, Avg Loss=$-0.43 +2025-03-10 19:57:38,366 - INFO - Episode 6: Reward=5.67, Balance=$97.83, Win Rate=0.0%, Trades=5, Episode PnL=$-2.17, Total PnL=$211.07, Max Drawdown=2.2%, Pred Accuracy=99.8% +2025-03-10 19:57:38,366 - INFO - Refreshing data for episode 7 +2025-03-10 19:57:38,366 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:57:38,684 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:57:38,692 - INFO - Initialized environment with 100 candles +2025-03-10 19:57:38,971 - INFO - OPENED LONG at 1963.9 | Stop loss: 1954.0448321428573 | Take profit: 1993.4120017857142 +2025-03-10 19:57:38,987 - INFO - CLOSED long at 1968.1 | PnL: 0.21% | $0.22 +2025-03-10 19:57:39,347 - INFO - OPENED SHORT at 1954.95 | Stop loss: 1964.760417857143 | Take profit: 1925.5722482142858 +2025-03-10 19:57:39,362 - INFO - CLOSED short at 1954.01 | PnL: 0.05% | $-0.10 +2025-03-10 19:57:39,440 - INFO - OPENED SHORT at 1942.87 | Stop loss: 1952.620017857143 | Take profit: 1913.6734482142856 +2025-03-10 19:57:39,472 - INFO - CLOSED short at 1936.47 | PnL: 0.33% | $0.45 +2025-03-10 19:57:39,800 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.34, Avg Loss=$-0.10 +2025-03-10 19:57:39,800 - INFO - Episode 7: Reward=15.34, Balance=$100.57, Win Rate=66.7%, Trades=3, Episode PnL=$0.57, Total PnL=$211.64, Max Drawdown=0.1%, Pred Accuracy=99.7% +2025-03-10 19:57:39,801 - INFO - Refreshing data for episode 8 +2025-03-10 19:57:39,801 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:57:40,115 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:57:40,126 - INFO - Initialized environment with 100 candles +2025-03-10 19:57:40,303 - INFO - OPENED LONG at 2006.16 | Stop loss: 1996.0935321428574 | Take profit: 2036.3059017857142 +2025-03-10 19:57:40,357 - INFO - CLOSED long at 2002.62 | PnL: -0.18% | $-0.54 +2025-03-10 19:57:41,134 - INFO - OPENED LONG at 1926.3 | Stop loss: 1916.632832142857 | Take profit: 1955.248001785714 +2025-03-10 19:57:41,173 - INFO - CLOSED long at 1923.32 | PnL: -0.15% | $-0.50 +2025-03-10 19:57:41,492 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.00, Avg Loss=$-0.52 +2025-03-10 19:57:41,493 - INFO - Episode 8: Reward=8.88, Balance=$98.96, Win Rate=0.0%, Trades=2, Episode PnL=$-1.04, Total PnL=$210.60, Max Drawdown=1.0%, Pred Accuracy=99.6% +2025-03-10 19:57:41,493 - INFO - Refreshing data for episode 9 +2025-03-10 19:57:41,493 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:57:41,791 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:57:41,799 - INFO - Initialized environment with 100 candles +2025-03-10 19:57:42,251 - INFO - OPENED LONG at 1949.46 | Stop loss: 1939.6770321428571 | Take profit: 1978.7554017857144 +2025-03-10 19:57:42,318 - INFO - CLOSED long at 1944.39 | PnL: -0.26% | $-0.71 +2025-03-10 19:57:43,263 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.00, Avg Loss=$-0.71 +2025-03-10 19:57:43,263 - INFO - Episode 9: Reward=10.68, Balance=$99.29, Win Rate=0.0%, Trades=1, Episode PnL=$-0.71, Total PnL=$209.90, Max Drawdown=0.7%, Pred Accuracy=99.4% +2025-03-10 19:57:43,263 - INFO - Refreshing data for episode 10 +2025-03-10 19:57:43,264 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:57:43,583 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:57:43,586 - INFO - Initialized environment with 100 candles +2025-03-10 19:57:44,880 - INFO - OPENED SHORT at 1951.12 | Stop loss: 1960.9112678571428 | Take profit: 1921.7996982142856 +2025-03-10 19:57:45,068 - INFO - TAKE PROFIT hit for short at 1921.7996982142856 | PnL: 1.50% | $2.76 +2025-03-10 19:57:45,396 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.76, Avg Loss=$0.00 +2025-03-10 19:57:45,396 - INFO - Episode 10: Reward=1.72, Balance=$102.76, Win Rate=100.0%, Trades=1, Episode PnL=$2.76, Total PnL=$212.65, Max Drawdown=0.0%, Pred Accuracy=99.2% +2025-03-10 19:57:45,515 - INFO - Model saved to checkpoints/trading_agent_episode_10.pt +2025-03-10 19:57:45,515 - INFO - Checkpoint saved at episode 10 +2025-03-10 19:57:46,203 - INFO - Visualization saved for episode 10 +2025-03-10 19:57:46,888 - INFO - Visualization saved for episode 10 +2025-03-10 19:57:46,894 - INFO - Refreshing data for episode 11 +2025-03-10 19:57:46,894 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:57:47,208 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:57:47,213 - INFO - Initialized environment with 100 candles +2025-03-10 19:57:48,454 - INFO - Episode 11: Reward=-0.59, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$212.65, Max Drawdown=0.0%, Pred Accuracy=98.9% +2025-03-10 19:57:48,455 - INFO - Refreshing data for episode 12 +2025-03-10 19:57:48,455 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:57:48,813 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:57:48,820 - INFO - Initialized environment with 100 candles +2025-03-10 19:57:49,541 - INFO - OPENED SHORT at 1943.75 | Stop loss: 1953.504417857143 | Take profit: 1914.5402482142858 +2025-03-10 19:57:49,604 - INFO - CLOSED short at 1936.47 | PnL: 0.37% | $0.54 +2025-03-10 19:57:49,656 - INFO - OPENED LONG at 1925.7 | Stop loss: 1916.035832142857 | Take profit: 1954.6390017857145 +2025-03-10 19:57:49,825 - INFO - CLOSED long at 1920.0 | PnL: -0.30% | $-0.78 +2025-03-10 19:57:49,891 - INFO - OPENED LONG at 1916.25 | Stop loss: 1906.6330821428571 | Take profit: 1945.0472517857145 +2025-03-10 19:57:49,955 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.54, Avg Loss=$-0.78 +2025-03-10 19:57:49,955 - INFO - Episode 12: Reward=-4.55, Balance=$99.76, Win Rate=50.0%, Trades=2, Episode PnL=$-0.24, Total PnL=$212.41, Max Drawdown=0.8%, Pred Accuracy=98.4% +2025-03-10 19:57:49,955 - INFO - Refreshing data for episode 13 +2025-03-10 19:57:49,955 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:57:50,270 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:57:50,274 - INFO - Initialized environment with 100 candles +2025-03-10 19:57:50,308 - INFO - OPENED LONG at 2009.9 | Stop loss: 1999.8148321428573 | Take profit: 2040.1020017857145 +2025-03-10 19:57:50,356 - INFO - CLOSED long at 2006.01 | PnL: -0.19% | $-0.58 +2025-03-10 19:57:50,431 - INFO - OPENED SHORT at 2008.39 | Stop loss: 2018.4676178571428 | Take profit: 1978.2106482142858 +2025-03-10 19:57:50,515 - INFO - CLOSED short at 1996.21 | PnL: 0.61% | $0.99 +2025-03-10 19:57:50,515 - INFO - OPENED LONG at 1996.21 | Stop loss: 1986.1932821428572 | Take profit: 2026.206651785714 +2025-03-10 19:57:50,537 - INFO - STOP LOSS hit for long at 1986.1932821428572 | PnL: -0.50% | $-1.19 +2025-03-10 19:57:50,663 - INFO - OPENED LONG at 1944.39 | Stop loss: 1934.6323821428573 | Take profit: 1973.6093517857146 +2025-03-10 19:57:50,679 - INFO - CLOSED long at 1937.81 | PnL: -0.34% | $-0.85 +2025-03-10 19:57:50,696 - INFO - OPENED LONG at 1940.46 | Stop loss: 1930.7220321428572 | Take profit: 1969.6204017857144 +2025-03-10 19:57:50,751 - INFO - CLOSED long at 1958.3 | PnL: 0.92% | $1.58 +2025-03-10 19:57:50,808 - INFO - OPENED LONG at 1956.52 | Stop loss: 1946.701732142857 | Take profit: 1985.9213017857141 +2025-03-10 19:57:50,929 - INFO - CLOSED long at 1961.83 | PnL: 0.27% | $0.34 +2025-03-10 19:57:50,946 - INFO - OPENED LONG at 1957.81 | Stop loss: 1947.985282142857 | Take profit: 1987.2306517857144 +2025-03-10 19:57:51,026 - INFO - STOP LOSS hit for long at 1947.985282142857 | PnL: -0.50% | $-1.19 +2025-03-10 19:57:51,135 - INFO - OPENED LONG at 1930.9 | Stop loss: 1921.209832142857 | Take profit: 1959.9170017857145 +2025-03-10 19:57:51,165 - INFO - CLOSED long at 1920.01 | PnL: -0.56% | $-1.29 +2025-03-10 19:57:51,206 - INFO - OPENED LONG at 1922.96 | Stop loss: 1913.309532142857 | Take profit: 1951.8579017857144 +2025-03-10 19:57:51,244 - INFO - CLOSED long at 1924.9 | PnL: 0.10% | $0.00 +2025-03-10 19:57:51,266 - INFO - OPENED LONG at 1927.31 | Stop loss: 1917.637782142857 | Take profit: 1956.2731517857144 +2025-03-10 19:57:51,282 - INFO - STOP LOSS hit for long at 1917.637782142857 | PnL: -0.50% | $-1.16 +2025-03-10 19:57:51,307 - INFO - OPENED SHORT at 1916.6 | Stop loss: 1926.2186678571427 | Take profit: 1887.7974982142857 +2025-03-10 19:57:51,323 - INFO - CLOSED short at 1916.72 | PnL: -0.01% | $-0.20 +2025-03-10 19:57:51,339 - INFO - OPENED LONG at 1920.0 | Stop loss: 1910.3643321428572 | Take profit: 1948.8535017857143 +2025-03-10 19:57:51,360 - INFO - CLOSED long at 1915.57 | PnL: -0.23% | $-0.63 +2025-03-10 19:57:51,360 - INFO - OPENED SHORT at 1915.57 | Stop loss: 1925.183517857143 | Take profit: 1886.7829482142856 +2025-03-10 19:57:51,373 - INFO - CLOSED short at 1917.17 | PnL: -0.08% | $-0.35 +2025-03-10 19:57:51,373 - INFO - OPENED LONG at 1917.17 | Stop loss: 1907.5484821428572 | Take profit: 1945.9810517857145 +2025-03-10 19:57:51,400 - INFO - CLOSED long at 1913.59 | PnL: -0.19% | $-0.54 +2025-03-10 19:57:51,455 - INFO - OPENED LONG at 1911.19 | Stop loss: 1901.5983821428572 | Take profit: 1939.9113517857143 +2025-03-10 19:57:51,492 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 20.0% in downtrends | Avg Win=$0.73, Avg Loss=$-0.80 +2025-03-10 19:57:51,492 - INFO - Episode 13: Reward=-27.86, Balance=$94.95, Win Rate=28.6%, Trades=14, Episode PnL=$-4.43, Total PnL=$207.36, Max Drawdown=5.3%, Pred Accuracy=97.9% +2025-03-10 19:57:51,493 - INFO - Refreshing data for episode 14 +2025-03-10 19:57:51,493 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:57:51,791 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:57:51,801 - INFO - Initialized environment with 100 candles +2025-03-10 19:57:51,906 - INFO - OPENED SHORT at 2008.34 | Stop loss: 2018.4173678571428 | Take profit: 1978.1613982142856 +2025-03-10 19:57:51,922 - INFO - CLOSED short at 2009.13 | PnL: -0.04% | $-0.27 +2025-03-10 19:57:52,102 - INFO - OPENED LONG at 1963.9 | Stop loss: 1954.0448321428573 | Take profit: 1993.4120017857142 +2025-03-10 19:57:52,129 - INFO - CLOSED long at 1968.1 | PnL: 0.21% | $0.22 +2025-03-10 19:57:52,233 - INFO - OPENED LONG at 1944.39 | Stop loss: 1934.6323821428573 | Take profit: 1973.6093517857146 +2025-03-10 19:57:52,267 - INFO - CLOSED long at 1940.46 | PnL: -0.20% | $-0.59 +2025-03-10 19:57:52,321 - INFO - OPENED LONG at 1958.3 | Stop loss: 1948.472832142857 | Take profit: 1987.7280017857142 +2025-03-10 19:57:52,339 - INFO - CLOSED long at 1960.37 | PnL: 0.11% | $0.01 +2025-03-10 19:57:52,357 - INFO - OPENED LONG at 1960.27 | Stop loss: 1950.432982142857 | Take profit: 1989.7275517857142 +2025-03-10 19:57:52,384 - INFO - CLOSED long at 1956.52 | PnL: -0.19% | $-0.57 +2025-03-10 19:57:52,400 - INFO - OPENED LONG at 1954.81 | Stop loss: 1945.0002821428573 | Take profit: 1984.1856517857143 +2025-03-10 19:57:52,417 - INFO - CLOSED long at 1958.19 | PnL: 0.17% | $0.14 +2025-03-10 19:57:52,417 - INFO - OPENED SHORT at 1958.19 | Stop loss: 1968.0166178571428 | Take profit: 1928.7636482142857 +2025-03-10 19:57:52,451 - INFO - CLOSED short at 1964.45 | PnL: -0.32% | $-0.82 +2025-03-10 19:57:52,451 - INFO - OPENED LONG at 1964.45 | Stop loss: 1954.5920821428572 | Take profit: 1993.9702517857145 +2025-03-10 19:57:52,488 - INFO - CLOSED long at 1958.39 | PnL: -0.31% | $-0.79 +2025-03-10 19:57:52,505 - INFO - OPENED LONG at 1961.83 | Stop loss: 1951.9851821428572 | Take profit: 1991.3109517857145 +2025-03-10 19:57:52,522 - INFO - CLOSED long at 1957.81 | PnL: -0.20% | $-0.58 +2025-03-10 19:57:52,538 - INFO - OPENED SHORT at 1954.95 | Stop loss: 1964.760417857143 | Take profit: 1925.5722482142858 +2025-03-10 19:57:52,571 - INFO - CLOSED short at 1951.12 | PnL: 0.20% | $0.18 +2025-03-10 19:57:52,606 - INFO - OPENED LONG at 1943.75 | Stop loss: 1933.9955821428573 | Take profit: 1972.9597517857144 +2025-03-10 19:57:52,627 - INFO - CLOSED long at 1946.71 | PnL: 0.15% | $0.10 +2025-03-10 19:57:52,627 - INFO - OPENED SHORT at 1946.71 | Stop loss: 1956.4792178571429 | Take profit: 1917.4558482142859 +2025-03-10 19:57:52,645 - INFO - CLOSED short at 1942.87 | PnL: 0.20% | $0.19 +2025-03-10 19:57:52,666 - INFO - OPENED LONG at 1936.29 | Stop loss: 1926.5728821428572 | Take profit: 1965.3878517857142 +2025-03-10 19:57:52,683 - INFO - CLOSED long at 1936.47 | PnL: 0.01% | $-0.17 +2025-03-10 19:57:52,770 - INFO - OPENED SHORT at 1926.3 | Stop loss: 1935.9671678571428 | Take profit: 1897.3519982142857 +2025-03-10 19:57:52,810 - INFO - CLOSED short at 1923.32 | PnL: 0.15% | $0.10 +2025-03-10 19:57:52,827 - INFO - OPENED LONG at 1924.9 | Stop loss: 1915.2398321428573 | Take profit: 1953.8270017857144 +2025-03-10 19:57:52,862 - INFO - CLOSED long at 1917.41 | PnL: -0.39% | $-0.93 +2025-03-10 19:57:52,862 - INFO - OPENED SHORT at 1917.41 | Stop loss: 1927.032717857143 | Take profit: 1888.5953482142859 +2025-03-10 19:57:52,877 - INFO - CLOSED short at 1916.6 | PnL: 0.04% | $-0.11 +2025-03-10 19:57:52,911 - INFO - OPENED LONG at 1920.0 | Stop loss: 1910.3643321428572 | Take profit: 1948.8535017857143 +2025-03-10 19:57:52,931 - INFO - CLOSED long at 1915.57 | PnL: -0.23% | $-0.62 +2025-03-10 19:57:52,931 - INFO - OPENED SHORT at 1915.57 | Stop loss: 1925.183517857143 | Take profit: 1886.7829482142856 +2025-03-10 19:57:52,948 - INFO - CLOSED short at 1917.17 | PnL: -0.08% | $-0.34 +2025-03-10 19:57:53,040 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.14, Avg Loss=$-0.53 +2025-03-10 19:57:53,040 - INFO - Episode 14: Reward=-25.13, Balance=$95.14, Win Rate=38.9%, Trades=18, Episode PnL=$-3.54, Total PnL=$202.50, Max Drawdown=4.9%, Pred Accuracy=98.0% +2025-03-10 19:57:53,040 - INFO - Refreshing data for episode 15 +2025-03-10 19:57:53,041 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:57:53,346 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:57:53,353 - INFO - Initialized environment with 100 candles +2025-03-10 19:57:53,632 - INFO - OPENED SHORT at 2007.54 | Stop loss: 2017.6133678571427 | Take profit: 1977.3733982142858 +2025-03-10 19:57:53,649 - INFO - CLOSED short at 2009.9 | PnL: -0.12% | $-0.43 +2025-03-10 19:57:53,667 - INFO - OPENED LONG at 2010.32 | Stop loss: 2000.2327321428572 | Take profit: 2040.5283017857143 +2025-03-10 19:57:53,684 - INFO - CLOSED long at 2008.58 | PnL: -0.09% | $-0.37 +2025-03-10 19:57:53,684 - INFO - OPENED SHORT at 2008.58 | Stop loss: 2018.6585678571428 | Take profit: 1978.3977982142856 +2025-03-10 19:57:53,729 - INFO - CLOSED short at 2008.34 | PnL: 0.01% | $-0.17 +2025-03-10 19:57:53,767 - INFO - OPENED SHORT at 2010.0 | Stop loss: 2020.0856678571429 | Take profit: 1979.7964982142857 +2025-03-10 19:57:53,790 - INFO - CLOSED short at 2011.91 | PnL: -0.10% | $-0.38 +2025-03-10 19:57:53,791 - INFO - OPENED LONG at 2011.91 | Stop loss: 2001.8147821428572 | Take profit: 2042.1421517857145 +2025-03-10 19:57:53,807 - INFO - CLOSED long at 2008.39 | PnL: -0.17% | $-0.53 +2025-03-10 19:57:53,840 - INFO - OPENED LONG at 2004.48 | Stop loss: 1994.4219321428573 | Take profit: 2034.6007017857144 +2025-03-10 19:57:53,856 - INFO - CLOSED long at 2006.12 | PnL: 0.08% | $-0.04 +2025-03-10 19:57:53,908 - INFO - OPENED SHORT at 1975.72 | Stop loss: 1985.6342678571427 | Take profit: 1946.0306982142858 +2025-03-10 19:57:53,956 - INFO - CLOSED short at 1947.49 | PnL: 1.43% | $2.56 +2025-03-10 19:57:54,025 - INFO - OPENED LONG at 1951.33 | Stop loss: 1941.537682142857 | Take profit: 1980.6534517857142 +2025-03-10 19:57:54,044 - INFO - CLOSED long at 1944.39 | PnL: -0.36% | $-0.90 +2025-03-10 19:57:54,044 - INFO - OPENED SHORT at 1944.39 | Stop loss: 1954.1476178571431 | Take profit: 1915.1706482142858 +2025-03-10 19:57:54,062 - INFO - CLOSED short at 1937.81 | PnL: 0.34% | $0.47 +2025-03-10 19:57:54,080 - INFO - OPENED SHORT at 1940.46 | Stop loss: 1950.1979678571429 | Take profit: 1911.2995982142859 +2025-03-10 19:57:54,098 - INFO - CLOSED short at 1944.31 | PnL: -0.20% | $-0.59 +2025-03-10 19:57:54,135 - INFO - OPENED LONG at 1958.3 | Stop loss: 1948.472832142857 | Take profit: 1987.7280017857142 +2025-03-10 19:57:54,153 - INFO - CLOSED long at 1960.37 | PnL: 0.11% | $0.01 +2025-03-10 19:57:54,170 - INFO - OPENED SHORT at 1960.27 | Stop loss: 1970.1070178571429 | Take profit: 1930.8124482142857 +2025-03-10 19:57:54,187 - INFO - CLOSED short at 1956.52 | PnL: 0.19% | $0.18 +2025-03-10 19:57:54,276 - INFO - OPENED LONG at 1962.42 | Stop loss: 1952.5722321428573 | Take profit: 1991.9098017857143 +2025-03-10 19:57:54,310 - INFO - CLOSED long at 1961.83 | PnL: -0.03% | $-0.26 +2025-03-10 19:57:54,328 - INFO - OPENED LONG at 1957.81 | Stop loss: 1947.985282142857 | Take profit: 1987.2306517857144 +2025-03-10 19:57:54,346 - INFO - CLOSED long at 1954.95 | PnL: -0.15% | $-0.48 +2025-03-10 19:57:54,397 - INFO - OPENED LONG at 1950.4 | Stop loss: 1940.6123321428572 | Take profit: 1979.7095017857143 +2025-03-10 19:57:54,415 - INFO - CLOSED long at 1943.75 | PnL: -0.34% | $-0.86 +2025-03-10 19:57:54,437 - INFO - OPENED LONG at 1946.71 | Stop loss: 1936.9407821428572 | Take profit: 1975.9641517857142 +2025-03-10 19:57:54,456 - INFO - CLOSED long at 1942.87 | PnL: -0.20% | $-0.57 +2025-03-10 19:57:54,522 - INFO - OPENED LONG at 1930.9 | Stop loss: 1921.209832142857 | Take profit: 1959.9170017857145 +2025-03-10 19:57:54,558 - INFO - STOP LOSS hit for long at 1921.209832142857 | PnL: -0.50% | $-1.15 +2025-03-10 19:57:54,591 - INFO - OPENED LONG at 1922.96 | Stop loss: 1913.309532142857 | Take profit: 1951.8579017857144 +2025-03-10 19:57:54,609 - INFO - CLOSED long at 1923.32 | PnL: 0.02% | $-0.15 +2025-03-10 19:57:54,640 - INFO - OPENED SHORT at 1927.31 | Stop loss: 1936.9822178571428 | Take profit: 1898.3468482142857 +2025-03-10 19:57:54,660 - INFO - CLOSED short at 1917.41 | PnL: 0.51% | $0.78 +2025-03-10 19:57:54,671 - INFO - OPENED SHORT at 1916.6 | Stop loss: 1926.2186678571427 | Take profit: 1887.7974982142857 +2025-03-10 19:57:54,703 - INFO - CLOSED short at 1920.0 | PnL: -0.18% | $-0.53 +2025-03-10 19:57:54,726 - INFO - OPENED LONG at 1915.57 | Stop loss: 1905.9564821428569 | Take profit: 1944.3570517857142 +2025-03-10 19:57:54,741 - INFO - CLOSED long at 1917.17 | PnL: 0.08% | $-0.03 +2025-03-10 19:57:54,758 - INFO - OPENED SHORT at 1913.59 | Stop loss: 1923.1936178571427 | Take profit: 1884.8326482142857 +2025-03-10 19:57:54,809 - INFO - CLOSED short at 1911.19 | PnL: 0.13% | $0.05 +2025-03-10 19:57:54,836 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.67, Avg Loss=$-0.46 +2025-03-10 19:57:54,836 - INFO - Episode 15: Reward=-13.60, Balance=$96.61, Win Rate=27.3%, Trades=22, Episode PnL=$-2.12, Total PnL=$199.11, Max Drawdown=4.3%, Pred Accuracy=98.2% +2025-03-10 19:57:54,836 - INFO - Refreshing data for episode 16 +2025-03-10 19:57:54,836 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:57:55,205 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:57:55,211 - INFO - Initialized environment with 100 candles +2025-03-10 19:57:55,260 - INFO - OPENED SHORT at 2010.32 | Stop loss: 2020.4072678571426 | Take profit: 1980.1116982142855 +2025-03-10 19:57:55,276 - INFO - CLOSED short at 2008.58 | PnL: 0.09% | $-0.03 +2025-03-10 19:57:55,292 - INFO - OPENED SHORT at 2006.01 | Stop loss: 2016.0757178571428 | Take profit: 1975.8663482142858 +2025-03-10 19:57:55,309 - INFO - CLOSED short at 2008.34 | PnL: -0.12% | $-0.42 +2025-03-10 19:57:55,365 - INFO - OPENED SHORT at 2011.91 | Stop loss: 2022.0052178571432 | Take profit: 1981.6778482142859 +2025-03-10 19:57:55,382 - INFO - CLOSED short at 2008.39 | PnL: 0.17% | $0.15 +2025-03-10 19:57:55,413 - INFO - OPENED SHORT at 2004.48 | Stop loss: 2014.538067857143 | Take profit: 1974.359298214286 +2025-03-10 19:57:55,433 - INFO - CLOSED short at 2006.12 | PnL: -0.08% | $-0.36 +2025-03-10 19:57:55,449 - INFO - OPENED SHORT at 2002.62 | Stop loss: 2012.668767857143 | Take profit: 1972.5271982142856 +2025-03-10 19:57:55,480 - INFO - CLOSED short at 1975.72 | PnL: 1.34% | $2.43 +2025-03-10 19:57:55,480 - INFO - OPENED LONG at 1975.72 | Stop loss: 1965.805732142857 | Take profit: 2005.4093017857144 +2025-03-10 19:57:55,496 - INFO - CLOSED long at 1963.9 | PnL: -0.60% | $-1.40 +2025-03-10 19:57:55,496 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7551678571429 | Take profit: 1934.387998214286 +2025-03-10 19:57:55,595 - INFO - CLOSED short at 1951.33 | PnL: 0.64% | $1.06 +2025-03-10 19:57:55,622 - INFO - OPENED SHORT at 1944.39 | Stop loss: 1954.1476178571431 | Take profit: 1915.1706482142858 +2025-03-10 19:57:55,653 - INFO - CLOSED short at 1940.46 | PnL: 0.20% | $0.20 +2025-03-10 19:57:55,668 - INFO - OPENED SHORT at 1944.31 | Stop loss: 1954.0672178571429 | Take profit: 1915.0918482142856 +2025-03-10 19:57:55,710 - INFO - CLOSED short at 1958.3 | PnL: -0.72% | $-1.64 +2025-03-10 19:57:55,728 - INFO - OPENED SHORT at 1960.37 | Stop loss: 1970.2075178571429 | Take profit: 1930.9109482142856 +2025-03-10 19:57:55,780 - INFO - CLOSED short at 1954.81 | PnL: 0.28% | $0.36 +2025-03-10 19:57:55,890 - INFO - OPENED SHORT at 1957.81 | Stop loss: 1967.634717857143 | Take profit: 1928.3893482142855 +2025-03-10 19:57:55,911 - INFO - CLOSED short at 1954.95 | PnL: 0.15% | $0.09 +2025-03-10 19:57:55,930 - INFO - OPENED SHORT at 1954.01 | Stop loss: 1963.8157178571428 | Take profit: 1924.6463482142858 +2025-03-10 19:57:55,962 - INFO - CLOSED short at 1950.4 | PnL: 0.18% | $0.17 +2025-03-10 19:57:55,981 - INFO - OPENED SHORT at 1943.75 | Stop loss: 1953.504417857143 | Take profit: 1914.5402482142858 +2025-03-10 19:57:56,093 - INFO - CLOSED short at 1925.7 | PnL: 0.93% | $1.64 +2025-03-10 19:57:56,111 - INFO - OPENED LONG at 1920.01 | Stop loss: 1910.3742821428573 | Take profit: 1948.8636517857142 +2025-03-10 19:57:56,129 - INFO - CLOSED long at 1926.3 | PnL: 0.33% | $0.46 +2025-03-10 19:57:56,146 - INFO - OPENED SHORT at 1922.96 | Stop loss: 1932.6104678571428 | Take profit: 1894.0620982142857 +2025-03-10 19:57:56,230 - INFO - CLOSED short at 1916.6 | PnL: 0.33% | $0.47 +2025-03-10 19:57:56,248 - INFO - OPENED SHORT at 1916.72 | Stop loss: 1926.3392678571429 | Take profit: 1887.9156982142856 +2025-03-10 19:57:56,312 - INFO - CLOSED short at 1913.59 | PnL: 0.16% | $0.13 +2025-03-10 19:57:56,329 - INFO - OPENED SHORT at 1916.25 | Stop loss: 1925.866917857143 | Take profit: 1887.4527482142857 +2025-03-10 19:57:56,346 - INFO - CLOSED short at 1914.83 | PnL: 0.07% | $-0.05 +2025-03-10 19:57:56,347 - INFO - OPENED LONG at 1914.83 | Stop loss: 1905.220182142857 | Take profit: 1943.605951785714 +2025-03-10 19:57:56,363 - INFO - CLOSED long at 1911.19 | PnL: -0.19% | $-0.59 +2025-03-10 19:57:56,381 - INFO - OPENED SHORT at 1913.84 | Stop loss: 1923.444867857143 | Take profit: 1885.0788982142856 +2025-03-10 19:57:56,395 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$0.65, Avg Loss=$-0.64 +2025-03-10 19:57:56,396 - INFO - Episode 16: Reward=12.79, Balance=$102.67, Win Rate=61.1%, Trades=18, Episode PnL=$4.06, Total PnL=$201.78, Max Drawdown=1.6%, Pred Accuracy=98.4% +2025-03-10 19:57:56,396 - INFO - Refreshing data for episode 17 +2025-03-10 19:57:56,396 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:57:56,726 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:57:56,731 - INFO - Initialized environment with 100 candles +2025-03-10 19:57:56,748 - INFO - OPENED SHORT at 2007.54 | Stop loss: 2017.6133678571427 | Take profit: 1977.3733982142858 +2025-03-10 19:57:56,764 - INFO - CLOSED short at 2009.9 | PnL: -0.12% | $-0.43 +2025-03-10 19:57:56,782 - INFO - OPENED SHORT at 2010.32 | Stop loss: 2020.4072678571426 | Take profit: 1980.1116982142855 +2025-03-10 19:57:56,799 - INFO - CLOSED short at 2008.58 | PnL: 0.09% | $-0.03 +2025-03-10 19:57:56,815 - INFO - OPENED SHORT at 2006.01 | Stop loss: 2016.0757178571428 | Take profit: 1975.8663482142858 +2025-03-10 19:57:56,831 - INFO - CLOSED short at 2008.34 | PnL: -0.12% | $-0.42 +2025-03-10 19:57:56,851 - INFO - OPENED SHORT at 2009.13 | Stop loss: 2019.211317857143 | Take profit: 1978.9395482142857 +2025-03-10 19:57:56,870 - INFO - CLOSED short at 2010.0 | PnL: -0.04% | $-0.28 +2025-03-10 19:57:56,912 - INFO - OPENED SHORT at 2008.39 | Stop loss: 2018.4676178571428 | Take profit: 1978.2106482142858 +2025-03-10 19:57:57,018 - INFO - TAKE PROFIT hit for short at 1978.2106482142858 | PnL: 1.50% | $2.72 +2025-03-10 19:57:57,058 - INFO - OPENED SHORT at 1968.1 | Stop loss: 1977.9761678571426 | Take profit: 1938.5249982142855 +2025-03-10 19:57:57,110 - INFO - CLOSED short at 1949.46 | PnL: 0.95% | $1.69 +2025-03-10 19:57:57,110 - INFO - OPENED LONG at 1949.46 | Stop loss: 1939.6770321428571 | Take profit: 1978.7554017857144 +2025-03-10 19:57:57,131 - INFO - CLOSED long at 1953.79 | PnL: 0.22% | $0.25 +2025-03-10 19:57:57,132 - INFO - OPENED SHORT at 1953.79 | Stop loss: 1963.5946178571428 | Take profit: 1924.4296482142856 +2025-03-10 19:57:57,152 - INFO - CLOSED short at 1951.33 | PnL: 0.13% | $0.05 +2025-03-10 19:57:57,170 - INFO - OPENED SHORT at 1944.39 | Stop loss: 1954.1476178571431 | Take profit: 1915.1706482142858 +2025-03-10 19:57:57,207 - INFO - CLOSED short at 1940.46 | PnL: 0.20% | $0.21 +2025-03-10 19:57:57,207 - INFO - OPENED LONG at 1940.46 | Stop loss: 1930.7220321428572 | Take profit: 1969.6204017857144 +2025-03-10 19:57:57,225 - INFO - CLOSED long at 1944.31 | PnL: 0.20% | $0.20 +2025-03-10 19:57:57,226 - INFO - OPENED SHORT at 1944.31 | Stop loss: 1954.0672178571429 | Take profit: 1915.0918482142856 +2025-03-10 19:57:57,242 - INFO - CLOSED short at 1952.29 | PnL: -0.41% | $-1.04 +2025-03-10 19:57:57,243 - INFO - OPENED LONG at 1952.29 | Stop loss: 1942.4928821428573 | Take profit: 1981.627851785714 +2025-03-10 19:57:57,260 - INFO - CLOSED long at 1958.3 | PnL: 0.31% | $0.42 +2025-03-10 19:57:57,260 - INFO - OPENED SHORT at 1958.3 | Stop loss: 1968.127167857143 | Take profit: 1928.8719982142857 +2025-03-10 19:57:57,367 - INFO - CLOSED short at 1966.38 | PnL: -0.41% | $-1.04 +2025-03-10 19:57:57,367 - INFO - OPENED LONG at 1966.38 | Stop loss: 1956.5124321428573 | Take profit: 1995.9292017857147 +2025-03-10 19:57:57,391 - INFO - CLOSED long at 1964.45 | PnL: -0.10% | $-0.40 +2025-03-10 19:57:57,391 - INFO - OPENED SHORT at 1964.45 | Stop loss: 1974.3079178571431 | Take profit: 1934.9297482142858 +2025-03-10 19:57:57,445 - INFO - CLOSED short at 1961.83 | PnL: 0.13% | $0.07 +2025-03-10 19:57:57,482 - INFO - OPENED SHORT at 1954.95 | Stop loss: 1964.760417857143 | Take profit: 1925.5722482142858 +2025-03-10 19:57:57,642 - INFO - CLOSED short at 1930.51 | PnL: 1.25% | $2.30 +2025-03-10 19:57:57,642 - INFO - OPENED LONG at 1930.51 | Stop loss: 1920.8217821428573 | Take profit: 1959.5211517857144 +2025-03-10 19:57:57,659 - INFO - CLOSED long at 1930.9 | PnL: 0.02% | $-0.16 +2025-03-10 19:57:57,659 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.590167857143 | Take profit: 1901.8829982142859 +2025-03-10 19:57:57,678 - INFO - CLOSED short at 1925.7 | PnL: 0.27% | $0.35 +2025-03-10 19:57:57,697 - INFO - OPENED SHORT at 1920.01 | Stop loss: 1929.6457178571427 | Take profit: 1891.1563482142858 +2025-03-10 19:57:57,987 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$0.83, Avg Loss=$-0.48 +2025-03-10 19:57:57,987 - INFO - Episode 17: Reward=11.08, Balance=$104.46, Win Rate=55.6%, Trades=18, Episode PnL=$4.15, Total PnL=$206.24, Max Drawdown=1.5%, Pred Accuracy=98.4% +2025-03-10 19:57:57,987 - INFO - Refreshing data for episode 18 +2025-03-10 19:57:57,987 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:57:58,303 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:57:58,309 - INFO - Initialized environment with 100 candles +2025-03-10 19:57:58,324 - INFO - OPENED SHORT at 2007.54 | Stop loss: 2017.6133678571427 | Take profit: 1977.3733982142858 +2025-03-10 19:57:58,588 - INFO - CLOSED short at 1975.72 | PnL: 1.59% | $2.92 +2025-03-10 19:57:58,588 - INFO - OPENED LONG at 1975.72 | Stop loss: 1965.805732142857 | Take profit: 2005.4093017857144 +2025-03-10 19:57:58,607 - INFO - CLOSED long at 1963.9 | PnL: -0.60% | $-1.41 +2025-03-10 19:57:58,607 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7551678571429 | Take profit: 1934.387998214286 +2025-03-10 19:57:59,197 - INFO - TAKE PROFIT hit for short at 1934.387998214286 | PnL: 1.50% | $2.80 +2025-03-10 19:57:59,214 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.590167857143 | Take profit: 1901.8829982142859 +2025-03-10 19:57:59,265 - INFO - CLOSED short at 1926.3 | PnL: 0.24% | $0.28 +2025-03-10 19:57:59,282 - INFO - OPENED SHORT at 1922.96 | Stop loss: 1932.6104678571428 | Take profit: 1894.0620982142857 +2025-03-10 19:57:59,344 - INFO - CLOSED short at 1927.31 | PnL: -0.23% | $-0.67 +2025-03-10 19:57:59,361 - INFO - OPENED SHORT at 1917.41 | Stop loss: 1927.032717857143 | Take profit: 1888.5953482142859 +2025-03-10 19:57:59,380 - INFO - CLOSED short at 1916.6 | PnL: 0.04% | $-0.12 +2025-03-10 19:57:59,405 - INFO - OPENED SHORT at 1916.72 | Stop loss: 1926.3392678571429 | Take profit: 1887.9156982142856 +2025-03-10 19:57:59,510 - INFO - CLOSED short at 1914.83 | PnL: 0.10% | $-0.00 +2025-03-10 19:57:59,543 - INFO - OPENED SHORT at 1913.84 | Stop loss: 1923.444867857143 | Take profit: 1885.0788982142856 +2025-03-10 19:57:59,560 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.00, Avg Loss=$-0.55 +2025-03-10 19:57:59,560 - INFO - Episode 18: Reward=11.09, Balance=$103.80, Win Rate=42.9%, Trades=7, Episode PnL=$5.21, Total PnL=$210.03, Max Drawdown=0.8%, Pred Accuracy=98.3% +2025-03-10 19:57:59,560 - INFO - Refreshing data for episode 19 +2025-03-10 19:57:59,562 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:57:59,869 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:57:59,873 - INFO - Initialized environment with 100 candles +2025-03-10 19:57:59,891 - INFO - OPENED SHORT at 2007.54 | Stop loss: 2017.6133678571427 | Take profit: 1977.3733982142858 +2025-03-10 19:58:00,147 - INFO - TAKE PROFIT hit for short at 1977.3733982142858 | PnL: 1.50% | $2.76 +2025-03-10 19:58:00,167 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7551678571429 | Take profit: 1934.387998214286 +2025-03-10 19:58:00,185 - INFO - CLOSED short at 1968.1 | PnL: -0.21% | $-0.63 +2025-03-10 19:58:00,218 - INFO - OPENED SHORT at 1945.18 | Stop loss: 1954.941567857143 | Take profit: 1915.9487982142857 +2025-03-10 19:58:00,235 - INFO - CLOSED short at 1949.46 | PnL: -0.22% | $-0.64 +2025-03-10 19:58:00,256 - INFO - OPENED SHORT at 1953.79 | Stop loss: 1963.5946178571428 | Take profit: 1924.4296482142856 +2025-03-10 19:58:00,358 - INFO - CLOSED short at 1952.29 | PnL: 0.08% | $-0.05 +2025-03-10 19:58:00,393 - INFO - OPENED SHORT at 1960.37 | Stop loss: 1970.2075178571429 | Take profit: 1930.9109482142856 +2025-03-10 19:58:00,408 - INFO - CLOSED short at 1960.27 | PnL: 0.01% | $-0.19 +2025-03-10 19:58:00,408 - INFO - OPENED LONG at 1960.27 | Stop loss: 1950.432982142857 | Take profit: 1989.7275517857142 +2025-03-10 19:58:00,426 - INFO - CLOSED long at 1956.52 | PnL: -0.19% | $-0.58 +2025-03-10 19:58:00,427 - INFO - OPENED SHORT at 1956.52 | Stop loss: 1966.3382678571427 | Take profit: 1927.1186982142856 +2025-03-10 19:58:00,481 - INFO - CLOSED short at 1966.38 | PnL: -0.50% | $-1.19 +2025-03-10 19:58:00,505 - INFO - OPENED SHORT at 1964.45 | Stop loss: 1974.3079178571431 | Take profit: 1934.9297482142858 +2025-03-10 19:58:00,631 - INFO - CLOSED short at 1951.12 | PnL: 0.68% | $1.13 +2025-03-10 19:58:00,650 - INFO - OPENED SHORT at 1950.4 | Stop loss: 1960.1876678571432 | Take profit: 1921.0904982142858 +2025-03-10 19:58:00,800 - INFO - TAKE PROFIT hit for short at 1921.0904982142858 | PnL: 1.50% | $2.77 +2025-03-10 19:58:00,818 - INFO - OPENED SHORT at 1926.3 | Stop loss: 1935.9671678571428 | Take profit: 1897.3519982142857 +2025-03-10 19:58:00,834 - INFO - CLOSED short at 1922.96 | PnL: 0.17% | $0.15 +2025-03-10 19:58:00,848 - INFO - OPENED SHORT at 1923.32 | Stop loss: 1932.9722678571427 | Take profit: 1894.4166982142856 +2025-03-10 19:58:01,065 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$1.70, Avg Loss=$-0.55 +2025-03-10 19:58:01,065 - INFO - Episode 19: Reward=6.08, Balance=$103.52, Win Rate=40.0%, Trades=10, Episode PnL=$4.10, Total PnL=$213.56, Max Drawdown=3.2%, Pred Accuracy=98.3% +2025-03-10 19:58:01,065 - INFO - Refreshing data for episode 20 +2025-03-10 19:58:01,065 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:58:01,389 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:58:01,395 - INFO - Initialized environment with 100 candles +2025-03-10 19:58:01,655 - INFO - OPENED SHORT at 2007.54 | Stop loss: 2017.6133678571427 | Take profit: 1977.3733982142858 +2025-03-10 19:58:01,898 - INFO - TAKE PROFIT hit for short at 1977.3733982142858 | PnL: 1.50% | $2.76 +2025-03-10 19:58:01,913 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7551678571429 | Take profit: 1934.387998214286 +2025-03-10 19:58:02,021 - INFO - CLOSED short at 1944.39 | PnL: 0.99% | $1.80 +2025-03-10 19:58:02,021 - INFO - OPENED LONG at 1944.39 | Stop loss: 1934.6323821428573 | Take profit: 1973.6093517857146 +2025-03-10 19:58:02,038 - INFO - CLOSED long at 1937.81 | PnL: -0.34% | $-0.90 +2025-03-10 19:58:02,038 - INFO - OPENED SHORT at 1937.81 | Stop loss: 1947.5347178571426 | Take profit: 1908.6893482142857 +2025-03-10 19:58:02,089 - INFO - STOP LOSS hit for short at 1947.5347178571426 | PnL: -0.50% | $-1.23 +2025-03-10 19:58:02,106 - INFO - OPENED SHORT at 1958.3 | Stop loss: 1968.127167857143 | Take profit: 1928.8719982142857 +2025-03-10 19:58:02,304 - INFO - CLOSED short at 1954.95 | PnL: 0.17% | $0.14 +2025-03-10 19:58:02,322 - INFO - OPENED SHORT at 1954.01 | Stop loss: 1963.8157178571428 | Take profit: 1924.6463482142858 +2025-03-10 19:58:02,492 - INFO - TAKE PROFIT hit for short at 1924.6463482142858 | PnL: 1.50% | $2.83 +2025-03-10 19:58:02,515 - INFO - OPENED SHORT at 1926.3 | Stop loss: 1935.9671678571428 | Take profit: 1897.3519982142857 +2025-03-10 19:58:02,781 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$1.88, Avg Loss=$-1.06 +2025-03-10 19:58:02,781 - INFO - Episode 20: Reward=15.18, Balance=$105.40, Win Rate=66.7%, Trades=6, Episode PnL=$6.30, Total PnL=$218.96, Max Drawdown=0.3%, Pred Accuracy=98.4% +2025-03-10 19:58:02,897 - INFO - Model saved to checkpoints/trading_agent_episode_20.pt +2025-03-10 19:58:02,898 - INFO - Checkpoint saved at episode 20 +2025-03-10 19:58:02,898 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:58:03,257 - INFO - Visualization saved for episode 20 +2025-03-10 19:58:04,264 - INFO - Visualization saved for episode 20 +2025-03-10 19:58:04,272 - INFO - Refreshing data for episode 21 +2025-03-10 19:58:04,272 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:58:04,621 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:58:04,625 - INFO - Initialized environment with 100 candles +2025-03-10 19:58:04,661 - INFO - OPENED SHORT at 2009.9 | Stop loss: 2019.9835071428572 | Take profit: 1979.7004892857144 +2025-03-10 19:58:04,949 - INFO - CLOSED short at 1975.72 | PnL: 1.70% | $3.15 +2025-03-10 19:58:04,971 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7535071428572 | Take profit: 1934.3904892857145 +2025-03-10 19:58:05,384 - INFO - CLOSED short at 1958.39 | PnL: 0.28% | $0.37 +2025-03-10 19:58:05,384 - INFO - OPENED LONG at 1958.39 | Stop loss: 1948.5640428571428 | Take profit: 1987.816860714286 +2025-03-10 19:58:05,410 - INFO - CLOSED long at 1961.83 | PnL: 0.18% | $0.15 +2025-03-10 19:58:05,435 - INFO - OPENED SHORT at 1957.81 | Stop loss: 1967.633057142857 | Take profit: 1928.3918392857142 +2025-03-10 19:58:05,658 - INFO - TAKE PROFIT hit for short at 1928.3918392857142 | PnL: 1.50% | $2.86 +2025-03-10 19:58:05,683 - INFO - OPENED SHORT at 1920.01 | Stop loss: 1929.6440571428573 | Take profit: 1891.1588392857143 +2025-03-10 19:58:06,009 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.63, Avg Loss=$0.00 +2025-03-10 19:58:06,009 - INFO - Episode 21: Reward=18.59, Balance=$106.53, Win Rate=100.0%, Trades=4, Episode PnL=$6.53, Total PnL=$225.49, Max Drawdown=0.0%, Pred Accuracy=98.5% +2025-03-10 19:58:06,016 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:58:06,016 - INFO - Refreshing data for episode 22 +2025-03-10 19:58:06,016 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:58:06,326 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:58:06,333 - INFO - Initialized environment with 100 candles +2025-03-10 19:58:06,352 - INFO - OPENED SHORT at 2009.9 | Stop loss: 2019.9835071428572 | Take profit: 1979.7004892857144 +2025-03-10 19:58:06,412 - INFO - CLOSED short at 2006.01 | PnL: 0.19% | $0.18 +2025-03-10 19:58:06,412 - INFO - OPENED LONG at 2006.01 | Stop loss: 1995.9459428571429 | Take profit: 2036.1511607142857 +2025-03-10 19:58:06,433 - INFO - CLOSED long at 2008.34 | PnL: 0.12% | $0.03 +2025-03-10 19:58:06,433 - INFO - OPENED SHORT at 2008.34 | Stop loss: 2018.415707142857 | Take profit: 1978.163889285714 +2025-03-10 19:58:06,599 - INFO - CLOSED short at 1996.21 | PnL: 0.60% | $0.99 +2025-03-10 19:58:06,617 - INFO - OPENED SHORT at 1975.72 | Stop loss: 1985.632607142857 | Take profit: 1946.0331892857143 +2025-03-10 19:58:06,694 - INFO - TAKE PROFIT hit for short at 1946.0331892857143 | PnL: 1.50% | $2.79 +2025-03-10 19:58:06,716 - INFO - OPENED SHORT at 1949.46 | Stop loss: 1959.2413071428573 | Take profit: 1920.1670892857142 +2025-03-10 19:58:06,793 - INFO - CLOSED short at 1937.81 | PnL: 0.60% | $1.02 +2025-03-10 19:58:06,811 - INFO - OPENED SHORT at 1940.46 | Stop loss: 1950.1963071428572 | Take profit: 1911.3020892857141 +2025-03-10 19:58:06,846 - INFO - STOP LOSS hit for short at 1950.1963071428572 | PnL: -0.50% | $-1.24 +2025-03-10 19:58:06,863 - INFO - OPENED SHORT at 1958.3 | Stop loss: 1968.1255071428573 | Take profit: 1928.8744892857142 +2025-03-10 19:58:07,106 - INFO - CLOSED short at 1951.12 | PnL: 0.37% | $0.54 +2025-03-10 19:58:07,126 - INFO - OPENED SHORT at 1950.4 | Stop loss: 1960.1860071428573 | Take profit: 1921.0929892857143 +2025-03-10 19:58:07,284 - INFO - TAKE PROFIT hit for short at 1921.0929892857143 | PnL: 1.50% | $2.88 +2025-03-10 19:58:07,302 - INFO - OPENED SHORT at 1926.3 | Stop loss: 1935.965507142857 | Take profit: 1897.3544892857142 +2025-03-10 19:58:07,610 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$1.21, Avg Loss=$-1.24 +2025-03-10 19:58:07,610 - INFO - Episode 22: Reward=20.13, Balance=$107.20, Win Rate=87.5%, Trades=8, Episode PnL=$7.16, Total PnL=$232.68, Max Drawdown=1.2%, Pred Accuracy=98.6% +2025-03-10 19:58:07,611 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:58:07,611 - INFO - Refreshing data for episode 23 +2025-03-10 19:58:07,611 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:58:07,913 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:58:07,920 - INFO - Initialized environment with 100 candles +2025-03-10 19:58:07,938 - INFO - OPENED SHORT at 2009.9 | Stop loss: 2019.9837500000003 | Take profit: 1979.700125 +2025-03-10 19:58:08,202 - INFO - TAKE PROFIT hit for short at 1979.700125 | PnL: 1.50% | $2.76 +2025-03-10 19:58:08,221 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.75375 | Take profit: 1934.3901250000001 +2025-03-10 19:58:08,792 - INFO - TAKE PROFIT hit for short at 1934.3901250000001 | PnL: 1.50% | $2.83 +2025-03-10 19:58:08,808 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.5887500000003 | Take profit: 1901.8851250000002 +2025-03-10 19:58:09,142 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.80, Avg Loss=$0.00 +2025-03-10 19:58:09,143 - INFO - Episode 23: Reward=14.10, Balance=$105.59, Win Rate=100.0%, Trades=2, Episode PnL=$5.59, Total PnL=$238.27, Max Drawdown=0.0%, Pred Accuracy=98.7% +2025-03-10 19:58:09,143 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:58:09,143 - INFO - Refreshing data for episode 24 +2025-03-10 19:58:09,143 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:58:09,476 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:58:09,480 - INFO - Initialized environment with 100 candles +2025-03-10 19:58:09,497 - INFO - OPENED SHORT at 2009.9 | Stop loss: 2019.9837964285714 | Take profit: 1979.700055357143 +2025-03-10 19:58:09,701 - INFO - TAKE PROFIT hit for short at 1979.700055357143 | PnL: 1.50% | $2.76 +2025-03-10 19:58:09,719 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7537964285714 | Take profit: 1934.390055357143 +2025-03-10 19:58:10,222 - INFO - TAKE PROFIT hit for short at 1934.390055357143 | PnL: 1.50% | $2.83 +2025-03-10 19:58:10,243 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.5887964285714 | Take profit: 1901.8850553571428 +2025-03-10 19:58:10,419 - INFO - CLOSED short at 1915.57 | PnL: 0.79% | $1.44 +2025-03-10 19:58:10,445 - INFO - OPENED SHORT at 1917.17 | Stop loss: 1926.7901464285717 | Take profit: 1888.361005357143 +2025-03-10 19:58:10,556 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.34, Avg Loss=$0.00 +2025-03-10 19:58:10,557 - INFO - Episode 24: Reward=15.84, Balance=$107.03, Win Rate=100.0%, Trades=3, Episode PnL=$7.03, Total PnL=$245.31, Max Drawdown=0.0%, Pred Accuracy=98.8% +2025-03-10 19:58:10,557 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:58:10,557 - INFO - Refreshing data for episode 25 +2025-03-10 19:58:10,557 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:58:10,881 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:58:10,886 - INFO - Initialized environment with 100 candles +2025-03-10 19:58:11,158 - INFO - OPENED SHORT at 2009.9 | Stop loss: 2019.9837964285714 | Take profit: 1979.700055357143 +2025-03-10 19:58:11,391 - INFO - TAKE PROFIT hit for short at 1979.700055357143 | PnL: 1.50% | $2.76 +2025-03-10 19:58:11,411 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7537964285714 | Take profit: 1934.390055357143 +2025-03-10 19:58:11,924 - INFO - TAKE PROFIT hit for short at 1934.390055357143 | PnL: 1.50% | $2.83 +2025-03-10 19:58:11,941 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.5887964285714 | Take profit: 1901.8850553571428 +2025-03-10 19:58:12,113 - INFO - CLOSED short at 1916.72 | PnL: 0.73% | $1.32 +2025-03-10 19:58:12,128 - INFO - OPENED SHORT at 1920.0 | Stop loss: 1929.6342964285714 | Take profit: 1891.1485553571429 +2025-03-10 19:58:12,263 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.30, Avg Loss=$0.00 +2025-03-10 19:58:12,265 - INFO - Episode 25: Reward=15.79, Balance=$106.91, Win Rate=100.0%, Trades=3, Episode PnL=$6.91, Total PnL=$252.21, Max Drawdown=0.0%, Pred Accuracy=98.9% +2025-03-10 19:58:12,265 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:58:12,265 - INFO - Refreshing data for episode 26 +2025-03-10 19:58:12,265 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:58:12,637 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:58:12,642 - INFO - Initialized environment with 100 candles +2025-03-10 19:58:12,659 - INFO - OPENED SHORT at 2009.9 | Stop loss: 2019.9837964285714 | Take profit: 1979.700055357143 +2025-03-10 19:58:12,893 - INFO - TAKE PROFIT hit for short at 1979.700055357143 | PnL: 1.50% | $2.76 +2025-03-10 19:58:12,915 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7537964285714 | Take profit: 1934.390055357143 +2025-03-10 19:58:13,284 - INFO - CLOSED short at 1961.83 | PnL: 0.11% | $0.01 +2025-03-10 19:58:13,306 - INFO - OPENED SHORT at 1957.81 | Stop loss: 1967.6333464285715 | Take profit: 1928.391405357143 +2025-03-10 19:58:13,397 - INFO - CLOSED short at 1943.75 | PnL: 0.72% | $1.25 +2025-03-10 19:58:13,397 - INFO - OPENED LONG at 1943.75 | Stop loss: 1933.9969535714285 | Take profit: 1972.9576946428572 +2025-03-10 19:58:13,413 - INFO - CLOSED long at 1946.71 | PnL: 0.15% | $0.11 +2025-03-10 19:58:13,414 - INFO - OPENED SHORT at 1946.71 | Stop loss: 1956.4778464285712 | Take profit: 1917.4579053571429 +2025-03-10 19:58:13,509 - INFO - CLOSED short at 1930.9 | PnL: 0.81% | $1.46 +2025-03-10 19:58:13,528 - INFO - OPENED SHORT at 1925.7 | Stop loss: 1935.3627964285713 | Take profit: 1896.763055357143 +2025-03-10 19:58:13,863 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.12, Avg Loss=$0.00 +2025-03-10 19:58:13,863 - INFO - Episode 26: Reward=19.22, Balance=$105.58, Win Rate=100.0%, Trades=5, Episode PnL=$5.47, Total PnL=$257.79, Max Drawdown=0.0%, Pred Accuracy=99.0% +2025-03-10 19:58:13,863 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:58:13,863 - INFO - Refreshing data for episode 27 +2025-03-10 19:58:13,863 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:58:14,514 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:58:14,520 - INFO - Initialized environment with 100 candles +2025-03-10 19:58:14,538 - INFO - OPENED SHORT at 2009.9 | Stop loss: 2019.9837964285714 | Take profit: 1979.700055357143 +2025-03-10 19:58:14,602 - INFO - CLOSED short at 2006.01 | PnL: 0.19% | $0.18 +2025-03-10 19:58:14,621 - INFO - OPENED SHORT at 2008.34 | Stop loss: 2018.4159964285716 | Take profit: 1978.1634553571428 +2025-03-10 19:58:14,840 - INFO - TAKE PROFIT hit for short at 1978.1634553571428 | PnL: 1.50% | $2.76 +2025-03-10 19:58:14,855 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7537964285714 | Take profit: 1934.390055357143 +2025-03-10 19:58:15,473 - INFO - CLOSED short at 1936.47 | PnL: 1.40% | $2.62 +2025-03-10 19:58:15,492 - INFO - OPENED SHORT at 1930.51 | Stop loss: 1940.1968464285717 | Take profit: 1901.500905357143 +2025-03-10 19:58:15,829 - INFO - CLOSED short at 1917.93 | PnL: 0.65% | $1.14 +2025-03-10 19:58:15,844 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.68, Avg Loss=$0.00 +2025-03-10 19:58:15,844 - INFO - Episode 27: Reward=18.97, Balance=$106.72, Win Rate=100.0%, Trades=4, Episode PnL=$6.72, Total PnL=$264.51, Max Drawdown=0.0%, Pred Accuracy=99.1% +2025-03-10 19:58:15,847 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:58:15,847 - INFO - Refreshing data for episode 28 +2025-03-10 19:58:15,847 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:58:16,186 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:58:16,194 - INFO - Initialized environment with 100 candles +2025-03-10 19:58:16,213 - INFO - OPENED SHORT at 2009.9 | Stop loss: 2019.9841392857145 | Take profit: 1979.6995410714287 +2025-03-10 19:58:16,439 - INFO - TAKE PROFIT hit for short at 1979.6995410714287 | PnL: 1.50% | $2.76 +2025-03-10 19:58:16,461 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7541392857145 | Take profit: 1934.3895410714288 +2025-03-10 19:58:16,991 - INFO - TAKE PROFIT hit for short at 1934.3895410714288 | PnL: 1.50% | $2.83 +2025-03-10 19:58:17,007 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.5891392857143 | Take profit: 1901.8845410714287 +2025-03-10 19:58:17,325 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$2.80, Avg Loss=$0.00 +2025-03-10 19:58:17,326 - INFO - Episode 28: Reward=14.10, Balance=$105.59, Win Rate=100.0%, Trades=2, Episode PnL=$5.59, Total PnL=$270.10, Max Drawdown=0.0%, Pred Accuracy=99.2% +2025-03-10 19:58:17,326 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:58:17,326 - INFO - Refreshing data for episode 29 +2025-03-10 19:58:17,327 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:58:17,661 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:58:17,666 - INFO - Initialized environment with 100 candles +2025-03-10 19:58:17,681 - INFO - OPENED SHORT at 2009.9 | Stop loss: 2019.9841392857145 | Take profit: 1979.6995410714287 +2025-03-10 19:58:17,912 - INFO - TAKE PROFIT hit for short at 1979.6995410714287 | PnL: 1.50% | $2.76 +2025-03-10 19:58:17,939 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7541392857145 | Take profit: 1934.3895410714288 +2025-03-10 19:58:18,199 - INFO - CLOSED short at 1954.81 | PnL: 0.46% | $0.73 +2025-03-10 19:58:18,199 - INFO - OPENED LONG at 1954.81 | Stop loss: 1945.0013107142856 | Take profit: 1984.1841089285715 +2025-03-10 19:58:18,214 - INFO - CLOSED long at 1958.19 | PnL: 0.17% | $0.15 +2025-03-10 19:58:18,214 - INFO - OPENED SHORT at 1958.19 | Stop loss: 1968.0155892857142 | Take profit: 1928.7651910714287 +2025-03-10 19:58:18,469 - INFO - CLOSED short at 1930.51 | PnL: 1.41% | $2.68 +2025-03-10 19:58:18,469 - INFO - OPENED LONG at 1930.51 | Stop loss: 1920.8228107142857 | Take profit: 1959.5196089285712 +2025-03-10 19:58:18,483 - INFO - CLOSED long at 1930.9 | PnL: 0.02% | $-0.17 +2025-03-10 19:58:18,483 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.5891392857143 | Take profit: 1901.8845410714287 +2025-03-10 19:58:18,639 - INFO - CLOSED short at 1916.6 | PnL: 0.74% | $1.34 +2025-03-10 19:58:18,639 - INFO - OPENED LONG at 1916.6 | Stop loss: 1906.9823607142857 | Take profit: 1945.4009589285713 +2025-03-10 19:58:18,657 - INFO - CLOSED long at 1916.72 | PnL: 0.01% | $-0.20 +2025-03-10 19:58:18,657 - INFO - OPENED SHORT at 1916.72 | Stop loss: 1926.3382392857145 | Take profit: 1887.9172410714286 +2025-03-10 19:58:18,826 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.53, Avg Loss=$-0.18 +2025-03-10 19:58:18,826 - INFO - Episode 29: Reward=31.68, Balance=$107.29, Win Rate=71.4%, Trades=7, Episode PnL=$7.50, Total PnL=$277.39, Max Drawdown=0.0%, Pred Accuracy=99.3% +2025-03-10 19:58:18,826 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:58:18,826 - INFO - Refreshing data for episode 30 +2025-03-10 19:58:18,826 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:58:19,137 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:58:19,137 - INFO - Initialized environment with 100 candles +2025-03-10 19:58:19,416 - INFO - OPENED SHORT at 2009.9 | Stop loss: 2019.9841392857145 | Take profit: 1979.6995410714287 +2025-03-10 19:58:19,587 - INFO - CLOSED short at 2006.12 | PnL: 0.19% | $0.17 +2025-03-10 19:58:19,603 - INFO - OPENED SHORT at 2002.62 | Stop loss: 2012.6677392857139 | Take profit: 1972.5287410714284 +2025-03-10 19:58:19,652 - INFO - TAKE PROFIT hit for short at 1972.5287410714284 | PnL: 1.50% | $2.76 +2025-03-10 19:58:19,668 - INFO - OPENED SHORT at 1968.1 | Stop loss: 1977.9751392857142 | Take profit: 1938.5265410714285 +2025-03-10 19:58:19,784 - INFO - TAKE PROFIT hit for short at 1938.5265410714285 | PnL: 1.50% | $2.84 +2025-03-10 19:58:19,804 - INFO - OPENED SHORT at 1940.46 | Stop loss: 1950.196939285714 | Take profit: 1911.3011410714287 +2025-03-10 19:58:19,837 - INFO - STOP LOSS hit for short at 1950.196939285714 | PnL: -0.50% | $-1.25 +2025-03-10 19:58:19,856 - INFO - OPENED SHORT at 1958.3 | Stop loss: 1968.1261392857143 | Take profit: 1928.8735410714285 +2025-03-10 19:58:20,236 - INFO - TAKE PROFIT hit for short at 1928.8735410714285 | PnL: 1.50% | $2.88 +2025-03-10 19:58:20,255 - INFO - OPENED SHORT at 1920.01 | Stop loss: 1929.644689285714 | Take profit: 1891.1578910714286 +2025-03-10 19:58:20,368 - INFO - CLOSED short at 1916.6 | PnL: 0.18% | $0.16 +2025-03-10 19:58:20,368 - INFO - OPENED LONG at 1916.6 | Stop loss: 1906.9823607142857 | Take profit: 1945.4009589285713 +2025-03-10 19:58:20,385 - INFO - CLOSED long at 1916.72 | PnL: 0.01% | $-0.20 +2025-03-10 19:58:20,385 - INFO - OPENED SHORT at 1916.72 | Stop loss: 1926.3382392857145 | Take profit: 1887.9172410714286 +2025-03-10 19:58:20,537 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 80.0% in downtrends | Avg Win=$1.76, Avg Loss=$-0.72 +2025-03-10 19:58:20,537 - INFO - Episode 30: Reward=28.55, Balance=$107.37, Win Rate=71.4%, Trades=7, Episode PnL=$7.57, Total PnL=$284.76, Max Drawdown=1.2%, Pred Accuracy=99.3% +2025-03-10 19:58:20,647 - INFO - Model saved to checkpoints/trading_agent_episode_30.pt +2025-03-10 19:58:20,647 - INFO - Checkpoint saved at episode 30 +2025-03-10 19:58:20,651 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:58:20,991 - INFO - Visualization saved for episode 30 +2025-03-10 19:58:21,862 - INFO - Visualization saved for episode 30 +2025-03-10 19:58:21,866 - INFO - Refreshing data for episode 31 +2025-03-10 19:58:21,869 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:58:22,179 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:58:22,181 - INFO - Initialized environment with 100 candles +2025-03-10 19:58:22,213 - INFO - OPENED SHORT at 2009.9 | Stop loss: 2019.984525 | Take profit: 1979.6989625 +2025-03-10 19:58:22,466 - INFO - TAKE PROFIT hit for short at 1979.6989625 | PnL: 1.50% | $2.76 +2025-03-10 19:58:22,483 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.754525 | Take profit: 1934.3889625000002 +2025-03-10 19:58:22,501 - INFO - CLOSED short at 1968.1 | PnL: -0.21% | $-0.63 +2025-03-10 19:58:22,519 - INFO - OPENED SHORT at 1947.49 | Stop loss: 1957.262475 | Take profit: 1918.2251125 +2025-03-10 19:58:22,695 - INFO - STOP LOSS hit for short at 1957.262475 | PnL: -0.50% | $-1.21 +2025-03-10 19:58:22,712 - INFO - OPENED SHORT at 1960.37 | Stop loss: 1970.2068749999999 | Take profit: 1930.9119124999997 +2025-03-10 19:58:23,057 - INFO - TAKE PROFIT hit for short at 1930.9119124999997 | PnL: 1.50% | $2.78 +2025-03-10 19:58:23,075 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.5895250000003 | Take profit: 1901.8839625 +2025-03-10 19:58:23,241 - INFO - CLOSED short at 1916.72 | PnL: 0.73% | $1.29 +2025-03-10 19:58:23,241 - INFO - OPENED LONG at 1916.72 | Stop loss: 1907.101375 | Take profit: 1945.5233375000003 +2025-03-10 19:58:23,260 - INFO - CLOSED long at 1920.0 | PnL: 0.17% | $0.15 +2025-03-10 19:58:23,260 - INFO - OPENED SHORT at 1920.0 | Stop loss: 1929.635025 | Take profit: 1891.1474625 +2025-03-10 19:58:23,310 - INFO - CLOSED short at 1913.59 | PnL: 0.33% | $0.48 +2025-03-10 19:58:23,311 - INFO - OPENED LONG at 1913.59 | Stop loss: 1903.987025 | Take profit: 1942.3463874999998 +2025-03-10 19:58:23,327 - INFO - CLOSED long at 1916.25 | PnL: 0.14% | $0.08 +2025-03-10 19:58:23,327 - INFO - OPENED SHORT at 1916.25 | Stop loss: 1925.866275 | Take profit: 1887.4537125 +2025-03-10 19:58:23,413 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.26, Avg Loss=$-0.92 +2025-03-10 19:58:23,414 - INFO - Episode 31: Reward=18.21, Balance=$105.70, Win Rate=75.0%, Trades=8, Episode PnL=$5.47, Total PnL=$290.46, Max Drawdown=1.8%, Pred Accuracy=99.4% +2025-03-10 19:58:23,414 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:58:23,414 - INFO - Refreshing data for episode 32 +2025-03-10 19:58:23,414 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:58:23,721 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:58:23,728 - INFO - Initialized environment with 100 candles +2025-03-10 19:58:23,746 - INFO - OPENED SHORT at 2009.9 | Stop loss: 2019.984525 | Take profit: 1979.6989625 +2025-03-10 19:58:23,986 - INFO - TAKE PROFIT hit for short at 1979.6989625 | PnL: 1.50% | $2.76 +2025-03-10 19:58:24,005 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.754525 | Take profit: 1934.3889625000002 +2025-03-10 19:58:24,059 - INFO - CLOSED short at 1945.18 | PnL: 0.95% | $1.72 +2025-03-10 19:58:24,081 - INFO - OPENED SHORT at 1949.46 | Stop loss: 1959.2423250000002 | Take profit: 1920.1655625 +2025-03-10 19:58:24,227 - INFO - STOP LOSS hit for short at 1959.2423250000002 | PnL: -0.50% | $-1.24 +2025-03-10 19:58:24,248 - INFO - OPENED SHORT at 1960.27 | Stop loss: 1970.1063749999998 | Take profit: 1930.8134125 +2025-03-10 19:58:24,551 - INFO - TAKE PROFIT hit for short at 1930.8134125 | PnL: 1.50% | $2.85 +2025-03-10 19:58:24,575 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.5895250000003 | Take profit: 1901.8839625 +2025-03-10 19:58:24,886 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$2.44, Avg Loss=$-1.24 +2025-03-10 19:58:24,886 - INFO - Episode 32: Reward=16.31, Balance=$106.09, Win Rate=75.0%, Trades=4, Episode PnL=$6.09, Total PnL=$296.55, Max Drawdown=1.2%, Pred Accuracy=99.4% +2025-03-10 19:58:24,886 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:58:24,886 - INFO - Refreshing data for episode 33 +2025-03-10 19:58:24,886 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:58:25,208 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:58:25,213 - INFO - Initialized environment with 100 candles +2025-03-10 19:58:25,230 - INFO - OPENED SHORT at 2009.9 | Stop loss: 2019.9847214285717 | Take profit: 1979.698667857143 +2025-03-10 19:58:25,363 - INFO - CLOSED short at 2008.39 | PnL: 0.08% | $-0.05 +2025-03-10 19:58:25,380 - INFO - OPENED SHORT at 2006.16 | Stop loss: 2016.2260214285714 | Take profit: 1976.014767857143 +2025-03-10 19:58:25,395 - INFO - CLOSED short at 2004.48 | PnL: 0.08% | $-0.03 +2025-03-10 19:58:25,396 - INFO - OPENED LONG at 2004.48 | Stop loss: 1994.4223785714287 | Take profit: 2034.6000321428571 +2025-03-10 19:58:25,412 - INFO - CLOSED long at 2006.12 | PnL: 0.08% | $-0.04 +2025-03-10 19:58:25,412 - INFO - OPENED SHORT at 2006.12 | Stop loss: 2016.1858214285714 | Take profit: 1975.9753678571426 +2025-03-10 19:58:25,466 - INFO - TAKE PROFIT hit for short at 1975.9753678571426 | PnL: 1.50% | $2.75 +2025-03-10 19:58:25,483 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7547214285717 | Take profit: 1934.388667857143 +2025-03-10 19:58:26,026 - INFO - TAKE PROFIT hit for short at 1934.388667857143 | PnL: 1.50% | $2.83 +2025-03-10 19:58:26,044 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.5897214285717 | Take profit: 1901.8836678571429 +2025-03-10 19:58:26,381 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$2.79, Avg Loss=$-0.04 +2025-03-10 19:58:26,382 - INFO - Episode 33: Reward=11.03, Balance=$105.47, Win Rate=40.0%, Trades=5, Episode PnL=$5.50, Total PnL=$302.01, Max Drawdown=0.0%, Pred Accuracy=99.4% +2025-03-10 19:58:26,382 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:58:26,382 - INFO - Refreshing data for episode 34 +2025-03-10 19:58:26,382 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:58:26,685 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:58:26,690 - INFO - Initialized environment with 100 candles +2025-03-10 19:58:26,707 - INFO - OPENED SHORT at 2009.9 | Stop loss: 2019.9851892857141 | Take profit: 1979.6979660714287 +2025-03-10 19:58:26,936 - INFO - TAKE PROFIT hit for short at 1979.6979660714287 | PnL: 1.50% | $2.76 +2025-03-10 19:58:26,960 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7551892857143 | Take profit: 1934.3879660714285 +2025-03-10 19:58:27,483 - INFO - TAKE PROFIT hit for short at 1934.3879660714285 | PnL: 1.50% | $2.83 +2025-03-10 19:58:27,500 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.5901892857141 | Take profit: 1901.8829660714287 +2025-03-10 19:58:27,825 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$2.79, Avg Loss=$0.00 +2025-03-10 19:58:27,826 - INFO - Episode 34: Reward=14.10, Balance=$105.59, Win Rate=100.0%, Trades=2, Episode PnL=$5.59, Total PnL=$307.60, Max Drawdown=0.0%, Pred Accuracy=99.4% +2025-03-10 19:58:27,826 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:58:27,826 - INFO - Refreshing data for episode 35 +2025-03-10 19:58:27,827 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:58:28,132 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:58:28,138 - INFO - Initialized environment with 100 candles +2025-03-10 19:58:28,401 - INFO - OPENED LONG at 2009.9 | Stop loss: 1999.814667857143 | Take profit: 2040.1022482142857 +2025-03-10 19:58:28,426 - INFO - CLOSED long at 2010.32 | PnL: 0.02% | $-0.16 +2025-03-10 19:58:28,426 - INFO - OPENED SHORT at 2010.32 | Stop loss: 2020.4074321428568 | Take profit: 1980.111451785714 +2025-03-10 19:58:28,630 - INFO - TAKE PROFIT hit for short at 1980.111451785714 | PnL: 1.50% | $2.75 +2025-03-10 19:58:28,645 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7553321428572 | Take profit: 1934.3877517857145 +2025-03-10 19:58:28,722 - INFO - CLOSED short at 1953.79 | PnL: 0.51% | $0.84 +2025-03-10 19:58:28,723 - INFO - OPENED LONG at 1953.79 | Stop loss: 1943.9852178571427 | Take profit: 1983.1505982142858 +2025-03-10 19:58:28,739 - INFO - CLOSED long at 1951.33 | PnL: -0.13% | $-0.46 +2025-03-10 19:58:28,739 - INFO - OPENED SHORT at 1951.33 | Stop loss: 1961.1224821428573 | Take profit: 1922.0063017857142 +2025-03-10 19:58:28,933 - INFO - STOP LOSS hit for short at 1961.1224821428573 | PnL: -0.50% | $-1.22 +2025-03-10 19:58:28,954 - INFO - OPENED SHORT at 1964.45 | Stop loss: 1974.308082142857 | Take profit: 1934.9295017857141 +2025-03-10 19:58:29,006 - INFO - CLOSED short at 1961.83 | PnL: 0.13% | $0.07 +2025-03-10 19:58:29,021 - INFO - OPENED SHORT at 1957.81 | Stop loss: 1967.6348821428571 | Take profit: 1928.3891017857143 +2025-03-10 19:58:29,240 - INFO - TAKE PROFIT hit for short at 1928.3891017857143 | PnL: 1.50% | $2.81 +2025-03-10 19:58:29,272 - INFO - OPENED SHORT at 1926.3 | Stop loss: 1935.9673321428568 | Take profit: 1897.3517517857142 +2025-03-10 19:58:29,560 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.61, Avg Loss=$-0.61 +2025-03-10 19:58:29,561 - INFO - Episode 35: Reward=14.28, Balance=$104.63, Win Rate=57.1%, Trades=7, Episode PnL=$5.24, Total PnL=$312.23, Max Drawdown=0.8%, Pred Accuracy=99.4% +2025-03-10 19:58:29,561 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:58:29,562 - INFO - Refreshing data for episode 36 +2025-03-10 19:58:29,562 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:58:29,868 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:58:29,874 - INFO - Initialized environment with 100 candles +2025-03-10 19:58:29,892 - INFO - OPENED SHORT at 2009.9 | Stop loss: 2019.9853857142857 | Take profit: 1979.6976714285715 +2025-03-10 19:58:30,149 - INFO - TAKE PROFIT hit for short at 1979.6976714285715 | PnL: 1.50% | $2.76 +2025-03-10 19:58:30,169 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7553857142857 | Take profit: 1934.3876714285716 +2025-03-10 19:58:30,764 - INFO - TAKE PROFIT hit for short at 1934.3876714285716 | PnL: 1.50% | $2.83 +2025-03-10 19:58:30,782 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.590385714286 | Take profit: 1901.8826714285715 +2025-03-10 19:58:31,123 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$2.79, Avg Loss=$0.00 +2025-03-10 19:58:31,123 - INFO - Episode 36: Reward=14.10, Balance=$105.59, Win Rate=100.0%, Trades=2, Episode PnL=$5.59, Total PnL=$317.81, Max Drawdown=0.0%, Pred Accuracy=99.4% +2025-03-10 19:58:31,123 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:58:31,123 - INFO - Refreshing data for episode 37 +2025-03-10 19:58:31,123 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:58:31,436 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:58:31,436 - INFO - Initialized environment with 100 candles +2025-03-10 19:58:31,463 - INFO - OPENED SHORT at 2009.9 | Stop loss: 2019.9853857142857 | Take profit: 1979.6976714285715 +2025-03-10 19:58:31,683 - INFO - CLOSED short at 1996.21 | PnL: 0.68% | $1.14 +2025-03-10 19:58:31,704 - INFO - OPENED SHORT at 1975.72 | Stop loss: 1985.634485714286 | Take profit: 1946.0303714285715 +2025-03-10 19:58:31,773 - INFO - TAKE PROFIT hit for short at 1946.0303714285715 | PnL: 1.50% | $2.79 +2025-03-10 19:58:31,792 - INFO - OPENED SHORT at 1949.46 | Stop loss: 1959.2431857142858 | Take profit: 1920.1642714285713 +2025-03-10 19:58:31,955 - INFO - STOP LOSS hit for short at 1959.2431857142858 | PnL: -0.50% | $-1.23 +2025-03-10 19:58:31,974 - INFO - OPENED SHORT at 1960.27 | Stop loss: 1970.1072357142857 | Take profit: 1930.8121214285713 +2025-03-10 19:58:32,320 - INFO - TAKE PROFIT hit for short at 1930.8121214285713 | PnL: 1.50% | $2.83 +2025-03-10 19:58:32,337 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.590385714286 | Take profit: 1901.8826714285715 +2025-03-10 19:58:32,675 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$2.25, Avg Loss=$-1.23 +2025-03-10 19:58:32,677 - INFO - Episode 37: Reward=15.98, Balance=$105.53, Win Rate=75.0%, Trades=4, Episode PnL=$5.53, Total PnL=$323.34, Max Drawdown=1.2%, Pred Accuracy=99.4% +2025-03-10 19:58:32,677 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:58:32,677 - INFO - Refreshing data for episode 38 +2025-03-10 19:58:32,677 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:58:32,975 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:58:32,984 - INFO - Initialized environment with 100 candles +2025-03-10 19:58:32,999 - INFO - OPENED SHORT at 2009.9 | Stop loss: 2019.9854035714288 | Take profit: 1979.6976446428573 +2025-03-10 19:58:33,228 - INFO - TAKE PROFIT hit for short at 1979.6976446428573 | PnL: 1.50% | $2.76 +2025-03-10 19:58:33,245 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7554035714286 | Take profit: 1934.3876446428574 +2025-03-10 19:58:33,820 - INFO - TAKE PROFIT hit for short at 1934.3876446428574 | PnL: 1.50% | $2.83 +2025-03-10 19:58:33,841 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.5904035714286 | Take profit: 1901.8826446428573 +2025-03-10 19:58:34,156 - INFO - CLOSED short at 1911.19 | PnL: 1.02% | $1.91 +2025-03-10 19:58:34,156 - INFO - OPENED LONG at 1911.19 | Stop loss: 1901.5981464285717 | Take profit: 1939.9117053571429 +2025-03-10 19:58:34,173 - INFO - CLOSED long at 1913.84 | PnL: 0.14% | $0.08 +2025-03-10 19:58:34,174 - INFO - OPENED SHORT at 1913.84 | Stop loss: 1923.4451035714283 | Take profit: 1885.078544642857 +2025-03-10 19:58:34,208 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.89, Avg Loss=$0.00 +2025-03-10 19:58:34,208 - INFO - Episode 38: Reward=17.61, Balance=$107.58, Win Rate=100.0%, Trades=4, Episode PnL=$7.50, Total PnL=$330.92, Max Drawdown=0.0%, Pred Accuracy=99.4% +2025-03-10 19:58:34,208 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:58:34,208 - INFO - Refreshing data for episode 39 +2025-03-10 19:58:34,208 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:58:34,506 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:58:34,518 - INFO - Initialized environment with 100 candles +2025-03-10 19:58:34,534 - INFO - OPENED SHORT at 2009.9 | Stop loss: 2019.9854035714288 | Take profit: 1979.6976446428573 +2025-03-10 19:58:34,769 - INFO - TAKE PROFIT hit for short at 1979.6976446428573 | PnL: 1.50% | $2.76 +2025-03-10 19:58:34,786 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7554035714286 | Take profit: 1934.3876446428574 +2025-03-10 19:58:34,989 - INFO - CLOSED short at 1952.29 | PnL: 0.59% | $0.99 +2025-03-10 19:58:35,008 - INFO - OPENED SHORT at 1958.3 | Stop loss: 1968.1274035714287 | Take profit: 1928.871644642857 +2025-03-10 19:58:35,412 - INFO - TAKE PROFIT hit for short at 1928.871644642857 | PnL: 1.50% | $2.86 +2025-03-10 19:58:35,432 - INFO - OPENED SHORT at 1920.01 | Stop loss: 1929.6459535714284 | Take profit: 1891.1559946428572 +2025-03-10 19:58:35,696 - INFO - CLOSED short at 1911.19 | PnL: 0.46% | $0.75 +2025-03-10 19:58:35,716 - INFO - OPENED SHORT at 1913.84 | Stop loss: 1923.4451035714283 | Take profit: 1885.078544642857 +2025-03-10 19:58:35,748 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.84, Avg Loss=$0.00 +2025-03-10 19:58:35,748 - INFO - Episode 39: Reward=17.35, Balance=$107.36, Win Rate=100.0%, Trades=4, Episode PnL=$7.36, Total PnL=$338.28, Max Drawdown=0.0%, Pred Accuracy=99.4% +2025-03-10 19:58:35,748 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:58:35,748 - INFO - Refreshing data for episode 40 +2025-03-10 19:58:35,748 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:58:36,072 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:58:36,080 - INFO - Initialized environment with 100 candles +2025-03-10 19:58:36,365 - INFO - OPENED SHORT at 2009.9 | Stop loss: 2019.9854035714288 | Take profit: 1979.6976446428573 +2025-03-10 19:58:36,602 - INFO - TAKE PROFIT hit for short at 1979.6976446428573 | PnL: 1.50% | $2.76 +2025-03-10 19:58:36,622 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7554035714286 | Take profit: 1934.3876446428574 +2025-03-10 19:58:37,190 - INFO - TAKE PROFIT hit for short at 1934.3876446428574 | PnL: 1.50% | $2.83 +2025-03-10 19:58:37,216 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.5904035714286 | Take profit: 1901.8826446428573 +2025-03-10 19:58:37,619 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$2.79, Avg Loss=$0.00 +2025-03-10 19:58:37,619 - INFO - Episode 40: Reward=14.09, Balance=$105.59, Win Rate=100.0%, Trades=2, Episode PnL=$5.59, Total PnL=$343.87, Max Drawdown=0.0%, Pred Accuracy=99.4% +2025-03-10 19:58:37,733 - INFO - Model saved to checkpoints/trading_agent_episode_40.pt +2025-03-10 19:58:37,733 - INFO - Checkpoint saved at episode 40 +2025-03-10 19:58:37,733 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:58:38,186 - INFO - Visualization saved for episode 40 +2025-03-10 19:58:39,163 - INFO - Visualization saved for episode 40 +2025-03-10 19:58:39,173 - INFO - Refreshing data for episode 41 +2025-03-10 19:58:39,173 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:58:39,493 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:58:39,499 - INFO - Initialized environment with 100 candles +2025-03-10 19:58:39,530 - INFO - OPENED SHORT at 2009.9 | Stop loss: 2019.9854035714288 | Take profit: 1979.6976446428573 +2025-03-10 19:58:39,795 - INFO - TAKE PROFIT hit for short at 1979.6976446428573 | PnL: 1.50% | $2.76 +2025-03-10 19:58:39,814 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7554035714286 | Take profit: 1934.3876446428574 +2025-03-10 19:58:40,355 - INFO - CLOSED short at 1930.51 | PnL: 1.70% | $3.23 +2025-03-10 19:58:40,355 - INFO - OPENED LONG at 1930.51 | Stop loss: 1920.8215464285715 | Take profit: 1959.521505357143 +2025-03-10 19:58:40,373 - INFO - CLOSED long at 1930.9 | PnL: 0.02% | $-0.17 +2025-03-10 19:58:40,373 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.5904035714286 | Take profit: 1901.8826446428573 +2025-03-10 19:58:40,704 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$2.99, Avg Loss=$-0.17 +2025-03-10 19:58:40,704 - INFO - Episode 41: Reward=16.29, Balance=$105.82, Win Rate=66.7%, Trades=3, Episode PnL=$5.99, Total PnL=$349.69, Max Drawdown=0.0%, Pred Accuracy=99.4% +2025-03-10 19:58:40,705 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:58:40,705 - INFO - Refreshing data for episode 42 +2025-03-10 19:58:40,705 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:58:41,002 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:58:41,008 - INFO - Initialized environment with 100 candles +2025-03-10 19:58:41,044 - INFO - OPENED SHORT at 2010.32 | Stop loss: 2020.4075035714286 | Take profit: 1980.1113446428571 +2025-03-10 19:58:41,241 - INFO - TAKE PROFIT hit for short at 1980.1113446428571 | PnL: 1.50% | $2.76 +2025-03-10 19:58:41,259 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7554035714286 | Take profit: 1934.3876446428574 +2025-03-10 19:58:41,773 - INFO - TAKE PROFIT hit for short at 1934.3876446428574 | PnL: 1.50% | $2.83 +2025-03-10 19:58:41,789 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.5904035714286 | Take profit: 1901.8826446428573 +2025-03-10 19:58:41,994 - INFO - CLOSED short at 1915.57 | PnL: 0.79% | $1.44 +2025-03-10 19:58:42,009 - INFO - OPENED SHORT at 1917.17 | Stop loss: 1926.791753571429 | Take profit: 1888.3585946428573 +2025-03-10 19:58:42,120 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$2.34, Avg Loss=$0.00 +2025-03-10 19:58:42,122 - INFO - Episode 42: Reward=16.05, Balance=$107.03, Win Rate=100.0%, Trades=3, Episode PnL=$7.03, Total PnL=$356.71, Max Drawdown=0.0%, Pred Accuracy=99.4% +2025-03-10 19:58:42,122 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:58:42,122 - INFO - Refreshing data for episode 43 +2025-03-10 19:58:42,122 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:58:42,426 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:58:42,432 - INFO - Initialized environment with 100 candles +2025-03-10 19:58:42,449 - INFO - OPENED SHORT at 2009.9 | Stop loss: 2019.9854035714288 | Take profit: 1979.6976446428573 +2025-03-10 19:58:42,680 - INFO - TAKE PROFIT hit for short at 1979.6976446428573 | PnL: 1.50% | $2.76 +2025-03-10 19:58:42,701 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7554035714286 | Take profit: 1934.3876446428574 +2025-03-10 19:58:42,797 - INFO - CLOSED short at 1951.33 | PnL: 0.64% | $1.09 +2025-03-10 19:58:42,813 - INFO - OPENED SHORT at 1944.39 | Stop loss: 1954.1478535714289 | Take profit: 1915.1702946428572 +2025-03-10 19:58:42,885 - INFO - STOP LOSS hit for short at 1954.1478535714289 | PnL: -0.50% | $-1.23 +2025-03-10 19:58:42,907 - INFO - OPENED SHORT at 1960.37 | Stop loss: 1970.2077535714282 | Take profit: 1930.910594642857 +2025-03-10 19:58:43,063 - INFO - CLOSED short at 1957.81 | PnL: 0.13% | $0.06 +2025-03-10 19:58:43,063 - INFO - OPENED LONG at 1957.81 | Stop loss: 1947.9850464285714 | Take profit: 1987.231005357143 +2025-03-10 19:58:43,080 - INFO - CLOSED long at 1954.95 | PnL: -0.15% | $-0.50 +2025-03-10 19:58:43,082 - INFO - OPENED SHORT at 1954.95 | Stop loss: 1964.7606535714285 | Take profit: 1925.5718946428572 +2025-03-10 19:58:43,270 - INFO - TAKE PROFIT hit for short at 1925.5718946428572 | PnL: 1.50% | $2.82 +2025-03-10 19:58:43,289 - INFO - OPENED SHORT at 1926.3 | Stop loss: 1935.9674035714286 | Take profit: 1897.351644642857 +2025-03-10 19:58:43,549 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.68, Avg Loss=$-0.86 +2025-03-10 19:58:43,549 - INFO - Episode 43: Reward=15.54, Balance=$105.00, Win Rate=66.7%, Trades=6, Episode PnL=$5.50, Total PnL=$361.71, Max Drawdown=1.2%, Pred Accuracy=99.4% +2025-03-10 19:58:43,549 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:58:43,549 - INFO - Refreshing data for episode 44 +2025-03-10 19:58:43,549 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:58:43,862 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:58:43,867 - INFO - Initialized environment with 100 candles +2025-03-10 19:58:43,885 - INFO - OPENED SHORT at 2009.9 | Stop loss: 2019.9854035714288 | Take profit: 1979.6976446428573 +2025-03-10 19:58:44,088 - INFO - TAKE PROFIT hit for short at 1979.6976446428573 | PnL: 1.50% | $2.76 +2025-03-10 19:58:44,113 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7554035714286 | Take profit: 1934.3876446428574 +2025-03-10 19:58:44,204 - INFO - CLOSED short at 1951.33 | PnL: 0.64% | $1.09 +2025-03-10 19:58:44,204 - INFO - OPENED LONG at 1951.33 | Stop loss: 1941.5374464285715 | Take profit: 1980.6538053571428 +2025-03-10 19:58:44,222 - INFO - CLOSED long at 1944.39 | PnL: -0.36% | $-0.93 +2025-03-10 19:58:44,222 - INFO - OPENED SHORT at 1944.39 | Stop loss: 1954.1478535714289 | Take profit: 1915.1702946428572 +2025-03-10 19:58:44,240 - INFO - CLOSED short at 1937.81 | PnL: 0.34% | $0.48 +2025-03-10 19:58:44,240 - INFO - OPENED LONG at 1937.81 | Stop loss: 1928.0850464285713 | Take profit: 1966.931005357143 +2025-03-10 19:58:44,257 - INFO - CLOSED long at 1940.46 | PnL: 0.14% | $0.07 +2025-03-10 19:58:44,257 - INFO - OPENED SHORT at 1940.46 | Stop loss: 1950.1982035714286 | Take profit: 1911.2992446428573 +2025-03-10 19:58:44,293 - INFO - STOP LOSS hit for short at 1950.1982035714286 | PnL: -0.50% | $-1.22 +2025-03-10 19:58:44,314 - INFO - OPENED SHORT at 1958.3 | Stop loss: 1968.1274035714287 | Take profit: 1928.871644642857 +2025-03-10 19:58:44,689 - INFO - TAKE PROFIT hit for short at 1928.871644642857 | PnL: 1.50% | $2.82 +2025-03-10 19:58:44,712 - INFO - OPENED SHORT at 1920.01 | Stop loss: 1929.6459535714284 | Take profit: 1891.1559946428572 +2025-03-10 19:58:44,937 - INFO - CLOSED short at 1914.83 | PnL: 0.27% | $0.35 +2025-03-10 19:58:44,960 - INFO - OPENED SHORT at 1911.19 | Stop loss: 1920.7818535714287 | Take profit: 1882.468294642857 +2025-03-10 19:58:45,015 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.26, Avg Loss=$-1.08 +2025-03-10 19:58:45,015 - INFO - Episode 44: Reward=17.90, Balance=$105.42, Win Rate=75.0%, Trades=8, Episode PnL=$6.27, Total PnL=$367.13, Max Drawdown=0.5%, Pred Accuracy=99.4% +2025-03-10 19:58:45,016 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:58:45,016 - INFO - Refreshing data for episode 45 +2025-03-10 19:58:45,016 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:58:45,322 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:58:45,329 - INFO - Initialized environment with 100 candles +2025-03-10 19:58:45,612 - INFO - OPENED SHORT at 2009.9 | Stop loss: 2019.9854035714288 | Take profit: 1979.6976446428573 +2025-03-10 19:58:45,841 - INFO - TAKE PROFIT hit for short at 1979.6976446428573 | PnL: 1.50% | $2.76 +2025-03-10 19:58:45,870 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7554035714286 | Take profit: 1934.3876446428574 +2025-03-10 19:58:46,240 - INFO - CLOSED short at 1957.81 | PnL: 0.31% | $0.42 +2025-03-10 19:58:46,262 - INFO - OPENED SHORT at 1954.95 | Stop loss: 1964.7606535714285 | Take profit: 1925.5718946428572 +2025-03-10 19:58:46,449 - INFO - TAKE PROFIT hit for short at 1925.5718946428572 | PnL: 1.50% | $2.84 +2025-03-10 19:58:46,470 - INFO - OPENED SHORT at 1926.3 | Stop loss: 1935.9674035714286 | Take profit: 1897.351644642857 +2025-03-10 19:58:46,555 - INFO - CLOSED short at 1917.41 | PnL: 0.46% | $0.75 +2025-03-10 19:58:46,555 - INFO - OPENED LONG at 1917.41 | Stop loss: 1907.7870464285716 | Take profit: 1946.2250053571427 +2025-03-10 19:58:46,583 - INFO - CLOSED long at 1916.6 | PnL: -0.04% | $-0.30 +2025-03-10 19:58:46,583 - INFO - OPENED SHORT at 1916.6 | Stop loss: 1926.2189035714287 | Take profit: 1887.7971446428571 +2025-03-10 19:58:46,737 - INFO - CLOSED short at 1913.84 | PnL: 0.14% | $0.09 +2025-03-10 19:58:46,737 - INFO - OPENED LONG at 1913.84 | Stop loss: 1904.2348964285713 | Take profit: 1942.6014553571426 +2025-03-10 19:58:46,763 - INFO - CLOSED long at 1917.93 | PnL: 0.21% | $0.24 +2025-03-10 19:58:46,763 - INFO - OPENED SHORT at 1917.93 | Stop loss: 1927.5555535714286 | Take profit: 1889.1071946428572 +2025-03-10 19:58:46,780 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.18, Avg Loss=$-0.30 +2025-03-10 19:58:46,781 - INFO - Episode 45: Reward=17.99, Balance=$106.81, Win Rate=85.7%, Trades=7, Episode PnL=$6.87, Total PnL=$373.94, Max Drawdown=0.0%, Pred Accuracy=99.4% +2025-03-10 19:58:46,781 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:58:46,782 - INFO - Refreshing data for episode 46 +2025-03-10 19:58:46,782 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:58:47,129 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:58:47,129 - INFO - Initialized environment with 100 candles +2025-03-10 19:58:47,146 - INFO - OPENED SHORT at 2009.9 | Stop loss: 2019.9854035714288 | Take profit: 1979.6976446428573 +2025-03-10 19:58:47,414 - INFO - TAKE PROFIT hit for short at 1979.6976446428573 | PnL: 1.50% | $2.76 +2025-03-10 19:58:47,432 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7554035714286 | Take profit: 1934.3876446428574 +2025-03-10 19:58:47,973 - INFO - TAKE PROFIT hit for short at 1934.3876446428574 | PnL: 1.50% | $2.83 +2025-03-10 19:58:47,994 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.5904035714286 | Take profit: 1901.8826446428573 +2025-03-10 19:58:48,307 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$2.79, Avg Loss=$0.00 +2025-03-10 19:58:48,307 - INFO - Episode 46: Reward=14.08, Balance=$105.59, Win Rate=100.0%, Trades=2, Episode PnL=$5.59, Total PnL=$379.52, Max Drawdown=0.0%, Pred Accuracy=99.3% +2025-03-10 19:58:48,307 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:58:48,307 - INFO - Refreshing data for episode 47 +2025-03-10 19:58:48,307 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:58:48,623 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:58:48,629 - INFO - Initialized environment with 100 candles +2025-03-10 19:58:48,647 - INFO - OPENED SHORT at 2009.9 | Stop loss: 2019.9854035714288 | Take profit: 1979.6976446428573 +2025-03-10 19:58:48,862 - INFO - TAKE PROFIT hit for short at 1979.6976446428573 | PnL: 1.50% | $2.76 +2025-03-10 19:58:48,881 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7554035714286 | Take profit: 1934.3876446428574 +2025-03-10 19:58:49,301 - INFO - CLOSED short at 1950.4 | PnL: 0.69% | $1.19 +2025-03-10 19:58:49,321 - INFO - OPENED SHORT at 1943.75 | Stop loss: 1953.5046535714284 | Take profit: 1914.5398946428572 +2025-03-10 19:58:49,431 - INFO - CLOSED short at 1925.7 | PnL: 0.93% | $1.69 +2025-03-10 19:58:49,454 - INFO - OPENED SHORT at 1920.01 | Stop loss: 1929.6459535714284 | Take profit: 1891.1559946428572 +2025-03-10 19:58:49,605 - INFO - CLOSED short at 1915.57 | PnL: 0.23% | $0.27 +2025-03-10 19:58:49,605 - INFO - OPENED LONG at 1915.57 | Stop loss: 1905.9562464285714 | Take profit: 1944.3574053571429 +2025-03-10 19:58:49,626 - INFO - CLOSED long at 1917.17 | PnL: 0.08% | $-0.03 +2025-03-10 19:58:49,628 - INFO - OPENED SHORT at 1917.17 | Stop loss: 1926.791753571429 | Take profit: 1888.3585946428573 +2025-03-10 19:58:49,739 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.48, Avg Loss=$-0.03 +2025-03-10 19:58:49,739 - INFO - Episode 47: Reward=18.14, Balance=$105.87, Win Rate=80.0%, Trades=5, Episode PnL=$5.91, Total PnL=$385.39, Max Drawdown=0.0%, Pred Accuracy=99.4% +2025-03-10 19:58:49,739 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:58:49,739 - INFO - Refreshing data for episode 48 +2025-03-10 19:58:49,739 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:58:50,056 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:58:50,063 - INFO - Initialized environment with 100 candles +2025-03-10 19:58:50,081 - INFO - OPENED SHORT at 2009.9 | Stop loss: 2019.9854035714288 | Take profit: 1979.6976446428573 +2025-03-10 19:58:50,099 - INFO - CLOSED short at 2010.32 | PnL: -0.02% | $-0.24 +2025-03-10 19:58:50,117 - INFO - OPENED SHORT at 2008.58 | Stop loss: 2018.6588035714283 | Take profit: 1978.397444642857 +2025-03-10 19:58:50,304 - INFO - TAKE PROFIT hit for short at 1978.397444642857 | PnL: 1.50% | $2.75 +2025-03-10 19:58:50,322 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7554035714286 | Take profit: 1934.3876446428574 +2025-03-10 19:58:50,845 - INFO - TAKE PROFIT hit for short at 1934.3876446428574 | PnL: 1.50% | $2.82 +2025-03-10 19:58:50,868 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.5904035714286 | Take profit: 1901.8826446428573 +2025-03-10 19:58:51,032 - INFO - CLOSED short at 1920.0 | PnL: 0.56% | $0.96 +2025-03-10 19:58:51,032 - INFO - OPENED LONG at 1920.0 | Stop loss: 1910.3640964285714 | Take profit: 1948.853855357143 +2025-03-10 19:58:51,053 - INFO - CLOSED long at 1915.57 | PnL: -0.23% | $-0.69 +2025-03-10 19:58:51,053 - INFO - OPENED SHORT at 1915.57 | Stop loss: 1925.1837535714285 | Take profit: 1886.7825946428572 +2025-03-10 19:58:51,171 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$2.18, Avg Loss=$-0.46 +2025-03-10 19:58:51,171 - INFO - Episode 48: Reward=13.03, Balance=$105.61, Win Rate=60.0%, Trades=5, Episode PnL=$6.30, Total PnL=$391.00, Max Drawdown=0.2%, Pred Accuracy=99.3% +2025-03-10 19:58:51,171 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:58:51,171 - INFO - Refreshing data for episode 49 +2025-03-10 19:58:51,181 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:58:51,504 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:58:51,509 - INFO - Initialized environment with 100 candles +2025-03-10 19:58:51,525 - INFO - OPENED SHORT at 2009.9 | Stop loss: 2019.9854035714288 | Take profit: 1979.6976446428573 +2025-03-10 19:58:51,742 - INFO - TAKE PROFIT hit for short at 1979.6976446428573 | PnL: 1.50% | $2.76 +2025-03-10 19:58:51,756 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7554035714286 | Take profit: 1934.3876446428574 +2025-03-10 19:58:51,931 - INFO - CLOSED short at 1952.29 | PnL: 0.59% | $0.99 +2025-03-10 19:58:51,950 - INFO - OPENED SHORT at 1958.3 | Stop loss: 1968.1274035714287 | Take profit: 1928.871644642857 +2025-03-10 19:58:52,322 - INFO - TAKE PROFIT hit for short at 1928.871644642857 | PnL: 1.50% | $2.86 +2025-03-10 19:58:52,341 - INFO - OPENED SHORT at 1920.01 | Stop loss: 1929.6459535714284 | Take profit: 1891.1559946428572 +2025-03-10 19:58:52,669 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$2.20, Avg Loss=$0.00 +2025-03-10 19:58:52,669 - INFO - Episode 49: Reward=15.78, Balance=$106.61, Win Rate=100.0%, Trades=3, Episode PnL=$6.61, Total PnL=$397.61, Max Drawdown=0.0%, Pred Accuracy=99.4% +2025-03-10 19:58:52,670 - INFO - Reducing learning rate to 0.000010 +2025-03-10 19:58:52,670 - INFO - Early stopping triggered after 50 episodes without improvement +2025-03-10 19:58:52,786 - INFO - Model saved to models/trading_agent_final.pt +2025-03-10 19:58:53,119 - INFO - Training results saved to training_results.png +2025-03-10 19:58:53,235 - INFO - Model saved to models/trading_agent_continuous_50.pt +2025-03-10 19:58:58,242 - INFO - Starting training batch 3 +2025-03-10 19:58:58,242 - INFO - Refreshing data for new training batch +2025-03-10 19:58:58,242 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:58:58,569 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 19:58:58,569 - INFO - Initialized environment with 500 candles +2025-03-10 19:58:58,569 - INFO - Updated environment with fresh candles +2025-03-10 19:58:58,569 - INFO - Starting training on device: cuda +2025-03-10 19:58:58,569 - INFO - Loading best model from models/trading_agent_best_pnl.pt to resume training +2025-03-10 19:58:58,577 - INFO - Loading model from models/trading_agent_best_pnl.pt +2025-03-10 19:58:58,721 - INFO - Model loaded successfully with weights_only=True +2025-03-10 19:58:58,721 - INFO - Resumed with best metrics - Reward: 202.74, PnL: $9.27, Win Rate: 73.3% +2025-03-10 19:58:58,735 - INFO - Refreshing data for episode 0 +2025-03-10 19:58:58,735 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:58:59,037 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:58:59,037 - INFO - Initialized environment with 100 candles +2025-03-10 19:58:59,380 - INFO - OPENED SHORT at 2009.9 | Stop loss: 2019.9854035714288 | Take profit: 1979.6976446428573 +2025-03-10 19:58:59,728 - INFO - TAKE PROFIT hit for short at 1979.6976446428573 | PnL: 1.50% | $2.76 +2025-03-10 19:58:59,747 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7554035714286 | Take profit: 1934.3876446428574 +2025-03-10 19:58:59,817 - INFO - CLOSED short at 1949.46 | PnL: 0.74% | $1.28 +2025-03-10 19:58:59,819 - INFO - OPENED LONG at 1949.46 | Stop loss: 1939.6767964285714 | Take profit: 1978.755755357143 +2025-03-10 19:58:59,838 - INFO - CLOSED long at 1953.79 | PnL: 0.22% | $0.25 +2025-03-10 19:58:59,838 - INFO - OPENED SHORT at 1953.79 | Stop loss: 1963.5948535714285 | Take profit: 1924.4292946428573 +2025-03-10 19:59:00,048 - INFO - STOP LOSS hit for short at 1963.5948535714285 | PnL: -0.50% | $-1.23 +2025-03-10 19:59:00,064 - INFO - OPENED SHORT at 1964.45 | Stop loss: 1974.3081535714286 | Take profit: 1934.9293946428572 +2025-03-10 19:59:00,295 - INFO - TAKE PROFIT hit for short at 1934.9293946428572 | PnL: 1.50% | $2.84 +2025-03-10 19:59:00,316 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.5904035714286 | Take profit: 1901.8826446428573 +2025-03-10 19:59:00,505 - INFO - CLOSED short at 1915.57 | PnL: 0.79% | $1.44 +2025-03-10 19:59:00,505 - INFO - OPENED LONG at 1915.57 | Stop loss: 1905.9562464285714 | Take profit: 1944.3574053571429 +2025-03-10 19:59:00,524 - INFO - CLOSED long at 1917.17 | PnL: 0.08% | $-0.03 +2025-03-10 19:59:00,525 - INFO - OPENED SHORT at 1917.17 | Stop loss: 1926.791753571429 | Take profit: 1888.3585946428573 +2025-03-10 19:59:00,641 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.71, Avg Loss=$-0.63 +2025-03-10 19:59:00,642 - INFO - Episode 0: Reward=4.64, Balance=$107.30, Win Rate=71.4%, Trades=7, Episode PnL=$7.09, Total PnL=$404.91, Max Drawdown=0.0%, Pred Accuracy=99.8% +2025-03-10 19:59:00,763 - INFO - Model saved to checkpoints/trading_agent_episode_0.pt +2025-03-10 19:59:00,764 - INFO - Checkpoint saved at episode 0 +2025-03-10 19:59:01,137 - INFO - Visualization saved for episode 0 +2025-03-10 19:59:01,783 - INFO - Visualization saved for episode 0 +2025-03-10 19:59:01,789 - INFO - Refreshing data for episode 1 +2025-03-10 19:59:01,789 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:59:02,103 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:59:02,110 - INFO - Initialized environment with 100 candles +2025-03-10 19:59:02,132 - INFO - OPENED SHORT at 2010.32 | Stop loss: 2020.4045678571426 | Take profit: 1980.1157482142858 +2025-03-10 19:59:02,205 - INFO - CLOSED short at 2009.13 | PnL: 0.06% | $-0.08 +2025-03-10 19:59:02,206 - INFO - OPENED LONG at 2009.13 | Stop loss: 1999.0513821428572 | Take profit: 2039.3164017857146 +2025-03-10 19:59:02,223 - INFO - CLOSED long at 2010.0 | PnL: 0.04% | $-0.11 +2025-03-10 19:59:02,223 - INFO - OPENED SHORT at 2010.0 | Stop loss: 2020.0829678571426 | Take profit: 1979.8005482142858 +2025-03-10 19:59:02,334 - INFO - CLOSED short at 2002.62 | PnL: 0.37% | $0.52 +2025-03-10 19:59:02,334 - INFO - OPENED LONG at 2002.62 | Stop loss: 1992.573932142857 | Take profit: 2032.7087517857142 +2025-03-10 19:59:02,349 - INFO - CLOSED long at 1996.21 | PnL: -0.32% | $-0.83 +2025-03-10 19:59:02,350 - INFO - OPENED SHORT at 1996.21 | Stop loss: 2006.2240178571428 | Take profit: 1966.2173982142856 +2025-03-10 19:59:02,389 - INFO - TAKE PROFIT hit for short at 1966.2173982142856 | PnL: 1.50% | $2.75 +2025-03-10 19:59:02,413 - INFO - OPENED SHORT at 1968.1 | Stop loss: 1977.9734678571426 | Take profit: 1938.5290482142855 +2025-03-10 19:59:02,430 - INFO - CLOSED short at 1947.49 | PnL: 1.05% | $1.91 +2025-03-10 19:59:02,430 - INFO - OPENED LONG at 1947.49 | Stop loss: 1937.7195821428572 | Take profit: 1976.7518017857144 +2025-03-10 19:59:02,448 - INFO - CLOSED long at 1945.18 | PnL: -0.12% | $-0.45 +2025-03-10 19:59:02,449 - INFO - OPENED SHORT at 1945.18 | Stop loss: 1954.9388678571427 | Take profit: 1915.9528482142857 +2025-03-10 19:59:02,486 - INFO - CLOSED short at 1953.79 | PnL: -0.44% | $-1.11 +2025-03-10 19:59:02,486 - INFO - OPENED LONG at 1953.79 | Stop loss: 1943.9880821428571 | Take profit: 1983.146301785714 +2025-03-10 19:59:02,505 - INFO - CLOSED long at 1951.33 | PnL: -0.13% | $-0.46 +2025-03-10 19:59:02,505 - INFO - OPENED SHORT at 1951.33 | Stop loss: 1961.1196178571429 | Take profit: 1922.0105982142857 +2025-03-10 19:59:02,590 - INFO - CLOSED short at 1952.29 | PnL: -0.05% | $-0.30 +2025-03-10 19:59:02,596 - INFO - OPENED LONG at 1952.29 | Stop loss: 1942.495582142857 | Take profit: 1981.6238017857142 +2025-03-10 19:59:02,613 - INFO - CLOSED long at 1958.3 | PnL: 0.31% | $0.42 +2025-03-10 19:59:02,613 - INFO - OPENED SHORT at 1958.3 | Stop loss: 1968.124467857143 | Take profit: 1928.8760482142857 +2025-03-10 19:59:02,647 - INFO - CLOSED short at 1960.27 | PnL: -0.10% | $-0.40 +2025-03-10 19:59:02,647 - INFO - OPENED LONG at 1960.27 | Stop loss: 1950.4356821428573 | Take profit: 1989.7235017857145 +2025-03-10 19:59:02,664 - INFO - CLOSED long at 1956.52 | PnL: -0.19% | $-0.58 +2025-03-10 19:59:02,664 - INFO - OPENED SHORT at 1956.52 | Stop loss: 1966.3355678571427 | Take profit: 1927.1227482142858 +2025-03-10 19:59:02,697 - INFO - CLOSED short at 1958.19 | PnL: -0.09% | $-0.37 +2025-03-10 19:59:02,698 - INFO - OPENED LONG at 1958.19 | Stop loss: 1948.366082142857 | Take profit: 1987.6123017857144 +2025-03-10 19:59:02,715 - INFO - CLOSED long at 1966.38 | PnL: 0.42% | $0.63 +2025-03-10 19:59:02,715 - INFO - OPENED SHORT at 1966.38 | Stop loss: 1976.244867857143 | Take profit: 1936.8348482142858 +2025-03-10 19:59:02,772 - INFO - CLOSED short at 1958.39 | PnL: 0.41% | $0.61 +2025-03-10 19:59:02,773 - INFO - OPENED LONG at 1958.39 | Stop loss: 1948.5650821428571 | Take profit: 1987.8153017857144 +2025-03-10 19:59:02,846 - INFO - CLOSED long at 1954.01 | PnL: -0.22% | $-0.65 +2025-03-10 19:59:02,846 - INFO - OPENED SHORT at 1954.01 | Stop loss: 1963.8130178571428 | Take profit: 1924.6503982142858 +2025-03-10 19:59:02,893 - INFO - CLOSED short at 1943.75 | PnL: 0.53% | $0.85 +2025-03-10 19:59:02,914 - INFO - OPENED LONG at 1946.71 | Stop loss: 1936.9434821428572 | Take profit: 1975.9601017857142 +2025-03-10 19:59:02,930 - INFO - CLOSED long at 1942.87 | PnL: -0.20% | $-0.60 +2025-03-10 19:59:02,954 - INFO - OPENED LONG at 1936.29 | Stop loss: 1926.575582142857 | Take profit: 1965.3838017857142 +2025-03-10 19:59:03,007 - INFO - CLOSED long at 1930.9 | PnL: -0.28% | $-0.76 +2025-03-10 19:59:03,017 - INFO - OPENED LONG at 1925.7 | Stop loss: 1916.0385321428573 | Take profit: 1954.6349517857145 +2025-03-10 19:59:03,039 - INFO - CLOSED long at 1920.01 | PnL: -0.30% | $-0.79 +2025-03-10 19:59:03,058 - INFO - OPENED LONG at 1926.3 | Stop loss: 1916.635532142857 | Take profit: 1955.2439517857142 +2025-03-10 19:59:03,080 - INFO - CLOSED long at 1922.96 | PnL: -0.17% | $-0.54 +2025-03-10 19:59:03,139 - INFO - OPENED LONG at 1927.31 | Stop loss: 1917.640482142857 | Take profit: 1956.2691017857142 +2025-03-10 19:59:03,158 - INFO - CLOSED long at 1917.41 | PnL: -0.51% | $-1.20 +2025-03-10 19:59:03,262 - INFO - OPENED LONG at 1913.59 | Stop loss: 1903.9890821428571 | Take profit: 1942.3433017857144 +2025-03-10 19:59:03,279 - INFO - CLOSED long at 1916.25 | PnL: 0.14% | $0.08 +2025-03-10 19:59:03,368 - INFO - OPENED LONG at 1922.04 | Stop loss: 1912.396832142857 | Take profit: 1950.9200517857141 +2025-03-10 19:59:03,382 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.97, Avg Loss=$-0.58 +2025-03-10 19:59:03,384 - INFO - Episode 1: Reward=-14.97, Balance=$98.54, Win Rate=33.3%, Trades=24, Episode PnL=$0.57, Total PnL=$403.45, Max Drawdown=3.8%, Pred Accuracy=99.8% +2025-03-10 19:59:03,384 - INFO - Refreshing data for episode 2 +2025-03-10 19:59:03,384 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:59:03,707 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:59:03,707 - INFO - Initialized environment with 100 candles +2025-03-10 19:59:03,730 - INFO - OPENED SHORT at 2010.32 | Stop loss: 2020.4045678571426 | Take profit: 1980.1157482142858 +2025-03-10 19:59:03,748 - INFO - CLOSED short at 2008.58 | PnL: 0.09% | $-0.03 +2025-03-10 19:59:03,836 - INFO - OPENED LONG at 2011.91 | Stop loss: 2001.8174821428572 | Take profit: 2042.138101785714 +2025-03-10 19:59:03,857 - INFO - CLOSED long at 2008.39 | PnL: -0.17% | $-0.54 +2025-03-10 19:59:03,915 - INFO - OPENED LONG at 2006.12 | Stop loss: 1996.056432142857 | Take profit: 2036.2612517857142 +2025-03-10 19:59:03,931 - INFO - CLOSED long at 2002.62 | PnL: -0.17% | $-0.54 +2025-03-10 19:59:04,077 - INFO - OPENED LONG at 1953.79 | Stop loss: 1943.9880821428571 | Take profit: 1983.146301785714 +2025-03-10 19:59:04,097 - INFO - CLOSED long at 1951.33 | PnL: -0.13% | $-0.44 +2025-03-10 19:59:04,162 - INFO - OPENED LONG at 1944.31 | Stop loss: 1934.555482142857 | Take profit: 1973.5241017857145 +2025-03-10 19:59:04,199 - INFO - CLOSED long at 1958.3 | PnL: 0.72% | $1.20 +2025-03-10 19:59:04,218 - INFO - OPENED LONG at 1960.37 | Stop loss: 1950.5351821428571 | Take profit: 1989.8250017857142 +2025-03-10 19:59:04,236 - INFO - CLOSED long at 1960.27 | PnL: -0.01% | $-0.21 +2025-03-10 19:59:04,498 - INFO - OPENED LONG at 1946.71 | Stop loss: 1936.9434821428572 | Take profit: 1975.9601017857142 +2025-03-10 19:59:04,513 - INFO - CLOSED long at 1942.87 | PnL: -0.20% | $-0.58 +2025-03-10 19:59:04,513 - INFO - OPENED SHORT at 1942.87 | Stop loss: 1952.6173178571428 | Take profit: 1913.6774982142856 +2025-03-10 19:59:04,534 - INFO - CLOSED short at 1936.29 | PnL: 0.34% | $0.46 +2025-03-10 19:59:04,559 - INFO - OPENED SHORT at 1936.47 | Stop loss: 1946.1853178571428 | Take profit: 1907.3734982142857 +2025-03-10 19:59:04,576 - INFO - CLOSED short at 1930.51 | PnL: 0.31% | $0.41 +2025-03-10 19:59:04,592 - INFO - OPENED LONG at 1930.9 | Stop loss: 1921.2125321428573 | Take profit: 1959.9129517857143 +2025-03-10 19:59:04,615 - INFO - CLOSED long at 1925.7 | PnL: -0.27% | $-0.72 +2025-03-10 19:59:04,651 - INFO - OPENED SHORT at 1926.3 | Stop loss: 1935.9644678571428 | Take profit: 1897.3560482142855 +2025-03-10 19:59:04,669 - INFO - CLOSED short at 1922.96 | PnL: 0.17% | $0.14 +2025-03-10 19:59:04,719 - INFO - OPENED LONG at 1927.31 | Stop loss: 1917.640482142857 | Take profit: 1956.2691017857142 +2025-03-10 19:59:04,737 - INFO - CLOSED long at 1917.41 | PnL: -0.51% | $-1.20 +2025-03-10 19:59:04,737 - INFO - OPENED SHORT at 1917.41 | Stop loss: 1927.0300178571429 | Take profit: 1888.5993982142859 +2025-03-10 19:59:04,757 - INFO - CLOSED short at 1916.6 | PnL: 0.04% | $-0.11 +2025-03-10 19:59:04,792 - INFO - OPENED SHORT at 1920.0 | Stop loss: 1929.6329678571428 | Take profit: 1891.1505482142857 +2025-03-10 19:59:04,811 - INFO - CLOSED short at 1915.57 | PnL: 0.23% | $0.25 +2025-03-10 19:59:04,811 - INFO - OPENED LONG at 1915.57 | Stop loss: 1905.9591821428571 | Take profit: 1944.3530017857142 +2025-03-10 19:59:04,828 - INFO - CLOSED long at 1917.17 | PnL: 0.08% | $-0.03 +2025-03-10 19:59:04,828 - INFO - OPENED SHORT at 1917.17 | Stop loss: 1926.788817857143 | Take profit: 1888.3629982142859 +2025-03-10 19:59:04,844 - INFO - CLOSED short at 1913.59 | PnL: 0.19% | $0.17 +2025-03-10 19:59:04,859 - INFO - OPENED SHORT at 1916.25 | Stop loss: 1925.8642178571426 | Take profit: 1887.4567982142858 +2025-03-10 19:59:04,879 - INFO - CLOSED short at 1914.83 | PnL: 0.07% | $-0.05 +2025-03-10 19:59:04,975 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.44, Avg Loss=$-0.40 +2025-03-10 19:59:04,975 - INFO - Episode 2: Reward=-7.28, Balance=$98.19, Win Rate=35.3%, Trades=17, Episode PnL=$-0.00, Total PnL=$401.63, Max Drawdown=2.2%, Pred Accuracy=99.8% +2025-03-10 19:59:04,976 - INFO - Refreshing data for episode 3 +2025-03-10 19:59:04,976 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:59:05,284 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:59:05,296 - INFO - Initialized environment with 100 candles +2025-03-10 19:59:05,312 - INFO - OPENED SHORT at 2010.32 | Stop loss: 2020.4048464285713 | Take profit: 1980.1153303571427 +2025-03-10 19:59:05,330 - INFO - CLOSED short at 2008.58 | PnL: 0.09% | $-0.03 +2025-03-10 19:59:05,378 - INFO - OPENED LONG at 2009.13 | Stop loss: 1999.0511035714287 | Take profit: 2039.3168196428574 +2025-03-10 19:59:05,400 - INFO - CLOSED long at 2010.0 | PnL: 0.04% | $-0.11 +2025-03-10 19:59:05,427 - INFO - OPENED LONG at 2008.39 | Stop loss: 1998.3148035714287 | Take profit: 2038.5657196428574 +2025-03-10 19:59:05,453 - INFO - CLOSED long at 2006.16 | PnL: -0.11% | $-0.41 +2025-03-10 19:59:05,502 - INFO - OPENED LONG at 2002.62 | Stop loss: 1992.5736535714286 | Take profit: 2032.7091696428572 +2025-03-10 19:59:05,521 - INFO - CLOSED long at 1996.21 | PnL: -0.32% | $-0.82 +2025-03-10 19:59:05,557 - INFO - OPENED LONG at 1963.9 | Stop loss: 1954.0472535714287 | Take profit: 1993.4083696428572 +2025-03-10 19:59:05,575 - INFO - CLOSED long at 1968.1 | PnL: 0.21% | $0.22 +2025-03-10 19:59:05,669 - INFO - OPENED LONG at 1944.39 | Stop loss: 1934.6348035714286 | Take profit: 1973.6057196428571 +2025-03-10 19:59:05,688 - INFO - CLOSED long at 1937.81 | PnL: -0.34% | $-0.85 +2025-03-10 19:59:05,770 - INFO - OPENED LONG at 1960.37 | Stop loss: 1950.5349035714285 | Take profit: 1989.825419642857 +2025-03-10 19:59:05,795 - INFO - CLOSED long at 1960.27 | PnL: -0.01% | $-0.20 +2025-03-10 19:59:05,825 - INFO - OPENED SHORT at 1954.81 | Stop loss: 1964.6172964285713 | Take profit: 1925.4379803571428 +2025-03-10 19:59:05,842 - INFO - CLOSED short at 1958.19 | PnL: -0.17% | $-0.52 +2025-03-10 19:59:05,862 - INFO - OPENED LONG at 1966.38 | Stop loss: 1956.5148535714286 | Take profit: 1995.9255696428575 +2025-03-10 19:59:05,880 - INFO - CLOSED long at 1964.45 | PnL: -0.10% | $-0.38 +2025-03-10 19:59:06,052 - INFO - OPENED LONG at 1942.87 | Stop loss: 1933.1224035714285 | Take profit: 1972.0629196428572 +2025-03-10 19:59:06,101 - INFO - CLOSED long at 1930.51 | PnL: -0.64% | $-1.40 +2025-03-10 19:59:06,125 - INFO - OPENED LONG at 1930.9 | Stop loss: 1921.2122535714286 | Take profit: 1959.9133696428576 +2025-03-10 19:59:06,143 - INFO - CLOSED long at 1925.7 | PnL: -0.27% | $-0.69 +2025-03-10 19:59:06,176 - INFO - OPENED LONG at 1926.3 | Stop loss: 1916.6352535714286 | Take profit: 1955.2443696428572 +2025-03-10 19:59:06,191 - INFO - CLOSED long at 1922.96 | PnL: -0.17% | $-0.51 +2025-03-10 19:59:06,226 - INFO - OPENED LONG at 1924.9 | Stop loss: 1915.2422535714286 | Take profit: 1953.8233696428574 +2025-03-10 19:59:06,243 - INFO - CLOSED long at 1927.31 | PnL: 0.13% | $0.05 +2025-03-10 19:59:06,311 - INFO - OPENED LONG at 1915.57 | Stop loss: 1905.9589035714284 | Take profit: 1944.353419642857 +2025-03-10 19:59:06,333 - INFO - CLOSED long at 1917.17 | PnL: 0.08% | $-0.03 +2025-03-10 19:59:06,347 - INFO - OPENED LONG at 1913.59 | Stop loss: 1903.9888035714284 | Take profit: 1942.343719642857 +2025-03-10 19:59:06,362 - INFO - CLOSED long at 1916.25 | PnL: 0.14% | $0.07 +2025-03-10 19:59:06,379 - INFO - OPENED LONG at 1914.83 | Stop loss: 1905.2226035714286 | Take profit: 1943.6023196428573 +2025-03-10 19:59:06,394 - INFO - CLOSED long at 1911.19 | PnL: -0.19% | $-0.54 +2025-03-10 19:59:06,411 - INFO - OPENED LONG at 1913.84 | Stop loss: 1904.2375535714286 | Take profit: 1942.5974696428573 +2025-03-10 19:59:06,429 - INFO - CLOSED long at 1917.93 | PnL: 0.21% | $0.21 +2025-03-10 19:59:06,463 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.14, Avg Loss=$-0.50 +2025-03-10 19:59:06,464 - INFO - Episode 3: Reward=-1.98, Balance=$94.04, Win Rate=23.5%, Trades=17, Episode PnL=$-5.96, Total PnL=$395.68, Max Drawdown=6.2%, Pred Accuracy=99.9% +2025-03-10 19:59:06,464 - INFO - Refreshing data for episode 4 +2025-03-10 19:59:06,464 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:59:07,200 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:59:07,206 - INFO - Initialized environment with 100 candles +2025-03-10 19:59:07,253 - INFO - OPENED LONG at 2006.01 | Stop loss: 1995.9463464285716 | Take profit: 2036.1505553571428 +2025-03-10 19:59:07,321 - INFO - CLOSED long at 2011.91 | PnL: 0.29% | $0.38 +2025-03-10 19:59:07,340 - INFO - OPENED LONG at 2008.39 | Stop loss: 1998.3144464285715 | Take profit: 2038.566255357143 +2025-03-10 19:59:07,357 - INFO - CLOSED long at 2006.16 | PnL: -0.11% | $-0.42 +2025-03-10 19:59:07,390 - INFO - OPENED LONG at 2006.12 | Stop loss: 1996.0557964285713 | Take profit: 2036.2622053571429 +2025-03-10 19:59:07,436 - INFO - CLOSED long at 1975.72 | PnL: -1.52% | $-3.18 +2025-03-10 19:59:07,457 - INFO - OPENED LONG at 1963.9 | Stop loss: 1954.0468964285715 | Take profit: 1993.408905357143 +2025-03-10 19:59:07,487 - INFO - STOP LOSS hit for long at 1954.0468964285715 | PnL: -0.50% | $-1.15 +2025-03-10 19:59:07,502 - INFO - OPENED LONG at 1945.18 | Stop loss: 1935.4204964285716 | Take profit: 1974.4081053571429 +2025-03-10 19:59:07,578 - INFO - CLOSED long at 1937.81 | PnL: -0.38% | $-0.90 +2025-03-10 19:59:07,594 - INFO - OPENED LONG at 1940.46 | Stop loss: 1930.7240964285716 | Take profit: 1969.6173053571429 +2025-03-10 19:59:07,651 - INFO - CLOSED long at 1960.37 | PnL: 1.03% | $1.72 +2025-03-10 19:59:07,676 - INFO - OPENED LONG at 1960.27 | Stop loss: 1950.4350464285715 | Take profit: 1989.7244553571427 +2025-03-10 19:59:07,702 - INFO - CLOSED long at 1954.81 | PnL: -0.28% | $-0.72 +2025-03-10 19:59:07,722 - INFO - OPENED LONG at 1958.19 | Stop loss: 1948.3654464285714 | Take profit: 1987.6132553571429 +2025-03-10 19:59:07,753 - INFO - CLOSED long at 1964.45 | PnL: 0.32% | $0.41 +2025-03-10 19:59:07,770 - INFO - OPENED LONG at 1962.42 | Stop loss: 1952.5742964285714 | Take profit: 1991.906705357143 +2025-03-10 19:59:07,856 - INFO - STOP LOSS hit for long at 1952.5742964285714 | PnL: -0.50% | $-1.14 +2025-03-10 19:59:07,878 - INFO - OPENED LONG at 1950.4 | Stop loss: 1940.6143964285716 | Take profit: 1979.7064053571428 +2025-03-10 19:59:07,941 - INFO - STOP LOSS hit for long at 1940.6143964285716 | PnL: -0.50% | $-1.12 +2025-03-10 19:59:07,957 - INFO - OPENED LONG at 1936.47 | Stop loss: 1926.7540464285714 | Take profit: 1965.567455357143 +2025-03-10 19:59:08,002 - INFO - STOP LOSS hit for long at 1926.7540464285714 | PnL: -0.50% | $-1.11 +2025-03-10 19:59:08,018 - INFO - OPENED LONG at 1920.01 | Stop loss: 1910.3763464285714 | Take profit: 1948.8605553571426 +2025-03-10 19:59:08,058 - INFO - CLOSED long at 1922.96 | PnL: 0.15% | $0.10 +2025-03-10 19:59:08,078 - INFO - OPENED LONG at 1923.32 | Stop loss: 1913.6697964285713 | Take profit: 1952.2202053571425 +2025-03-10 19:59:08,111 - INFO - CLOSED long at 1927.31 | PnL: 0.21% | $0.20 +2025-03-10 19:59:08,146 - INFO - OPENED LONG at 1916.6 | Stop loss: 1906.9833964285713 | Take profit: 1945.3994053571428 +2025-03-10 19:59:08,225 - INFO - CLOSED long at 1913.59 | PnL: -0.16% | $-0.47 +2025-03-10 19:59:08,243 - INFO - OPENED LONG at 1916.25 | Stop loss: 1906.6351464285715 | Take profit: 1945.044155357143 +2025-03-10 19:59:08,292 - INFO - CLOSED long at 1913.84 | PnL: -0.13% | $-0.41 +2025-03-10 19:59:08,304 - INFO - OPENED LONG at 1917.93 | Stop loss: 1908.3067464285714 | Take profit: 1946.7493553571428 +2025-03-10 19:59:08,341 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.56, Avg Loss=$-1.06 +2025-03-10 19:59:08,342 - INFO - Episode 4: Reward=7.80, Balance=$92.20, Win Rate=33.3%, Trades=15, Episode PnL=$-7.80, Total PnL=$387.88, Max Drawdown=8.1%, Pred Accuracy=99.9% +2025-03-10 19:59:08,342 - INFO - Refreshing data for episode 5 +2025-03-10 19:59:08,342 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:59:08,651 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:59:08,657 - INFO - Initialized environment with 100 candles +2025-03-10 19:59:09,175 - INFO - OPENED LONG at 2010.32 | Stop loss: 2000.2347964285714 | Take profit: 2040.5252053571428 +2025-03-10 19:59:09,304 - INFO - CLOSED long at 2008.39 | PnL: -0.10% | $-0.39 +2025-03-10 19:59:09,328 - INFO - OPENED LONG at 2006.16 | Stop loss: 1996.0955964285715 | Take profit: 2036.3028053571431 +2025-03-10 19:59:09,409 - INFO - CLOSED long at 1996.21 | PnL: -0.50% | $-1.17 +2025-03-10 19:59:09,426 - INFO - OPENED LONG at 1975.72 | Stop loss: 1965.8077964285715 | Take profit: 2005.406205357143 +2025-03-10 19:59:09,443 - INFO - STOP LOSS hit for long at 1965.8077964285715 | PnL: -0.50% | $-1.16 +2025-03-10 19:59:09,459 - INFO - OPENED LONG at 1968.1 | Stop loss: 1958.2258964285713 | Take profit: 1997.6719053571428 +2025-03-10 19:59:09,476 - INFO - STOP LOSS hit for long at 1958.2258964285713 | PnL: -0.50% | $-1.15 +2025-03-10 19:59:09,494 - INFO - OPENED LONG at 1945.18 | Stop loss: 1935.4204964285716 | Take profit: 1974.4081053571429 +2025-03-10 19:59:09,516 - INFO - CLOSED long at 1949.46 | PnL: 0.22% | $0.23 +2025-03-10 19:59:09,534 - INFO - OPENED LONG at 1953.79 | Stop loss: 1943.9874464285715 | Take profit: 1983.147255357143 +2025-03-10 19:59:09,587 - INFO - STOP LOSS hit for long at 1943.9874464285715 | PnL: -0.50% | $-1.14 +2025-03-10 19:59:09,605 - INFO - OPENED LONG at 1940.46 | Stop loss: 1930.7240964285716 | Take profit: 1969.6173053571429 +2025-03-10 19:59:09,683 - INFO - CLOSED long at 1960.37 | PnL: 1.03% | $1.73 +2025-03-10 19:59:09,719 - INFO - OPENED LONG at 1956.52 | Stop loss: 1946.7037964285714 | Take profit: 1985.918205357143 +2025-03-10 19:59:09,783 - INFO - CLOSED long at 1964.45 | PnL: 0.41% | $0.58 +2025-03-10 19:59:09,806 - INFO - OPENED LONG at 1962.42 | Stop loss: 1952.5742964285714 | Take profit: 1991.906705357143 +2025-03-10 19:59:09,896 - INFO - STOP LOSS hit for long at 1952.5742964285714 | PnL: -0.50% | $-1.15 +2025-03-10 19:59:09,915 - INFO - OPENED LONG at 1950.4 | Stop loss: 1940.6143964285716 | Take profit: 1979.7064053571428 +2025-03-10 19:59:09,978 - INFO - CLOSED long at 1942.87 | PnL: -0.39% | $-0.92 +2025-03-10 19:59:09,989 - INFO - OPENED LONG at 1936.29 | Stop loss: 1926.5749464285714 | Take profit: 1965.384755357143 +2025-03-10 19:59:10,032 - INFO - CLOSED long at 1930.51 | PnL: -0.30% | $-0.75 +2025-03-10 19:59:10,053 - INFO - OPENED LONG at 1930.9 | Stop loss: 1921.2118964285717 | Take profit: 1959.913905357143 +2025-03-10 19:59:10,073 - INFO - CLOSED long at 1925.7 | PnL: -0.27% | $-0.69 +2025-03-10 19:59:10,106 - INFO - OPENED LONG at 1926.3 | Stop loss: 1916.6348964285714 | Take profit: 1955.2449053571427 +2025-03-10 19:59:10,224 - INFO - STOP LOSS hit for long at 1916.6348964285714 | PnL: -0.50% | $-1.11 +2025-03-10 19:59:10,246 - INFO - OPENED LONG at 1916.72 | Stop loss: 1907.1027964285715 | Take profit: 1945.521205357143 +2025-03-10 19:59:10,417 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.85, Avg Loss=$-0.96 +2025-03-10 19:59:10,417 - INFO - Episode 5: Reward=9.22, Balance=$92.91, Win Rate=23.1%, Trades=13, Episode PnL=$-7.09, Total PnL=$380.79, Max Drawdown=7.1%, Pred Accuracy=99.8% +2025-03-10 19:59:10,417 - INFO - Refreshing data for episode 6 +2025-03-10 19:59:10,417 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:59:10,707 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:59:10,714 - INFO - Initialized environment with 100 candles +2025-03-10 19:59:10,731 - INFO - OPENED LONG at 2010.32 | Stop loss: 2000.234782142857 | Take profit: 2040.5252267857143 +2025-03-10 19:59:10,799 - INFO - CLOSED long at 2009.13 | PnL: -0.06% | $-0.31 +2025-03-10 19:59:10,814 - INFO - OPENED LONG at 2010.0 | Stop loss: 1999.9163821428572 | Take profit: 2040.2004267857144 +2025-03-10 19:59:10,901 - INFO - CLOSED long at 2006.12 | PnL: -0.19% | $-0.57 +2025-03-10 19:59:10,917 - INFO - OPENED LONG at 2002.62 | Stop loss: 1992.5732821428571 | Take profit: 2032.7097267857143 +2025-03-10 19:59:10,948 - INFO - STOP LOSS hit for long at 1992.5732821428571 | PnL: -0.50% | $-1.17 +2025-03-10 19:59:10,972 - INFO - OPENED LONG at 1963.9 | Stop loss: 1954.0468821428574 | Take profit: 1993.4089267857146 +2025-03-10 19:59:11,008 - INFO - STOP LOSS hit for long at 1954.0468821428574 | PnL: -0.50% | $-1.16 +2025-03-10 19:59:11,025 - INFO - OPENED LONG at 1945.18 | Stop loss: 1935.4204821428573 | Take profit: 1974.408126785714 +2025-03-10 19:59:11,066 - INFO - CLOSED long at 1953.79 | PnL: 0.44% | $0.65 +2025-03-10 19:59:11,085 - INFO - OPENED LONG at 1951.33 | Stop loss: 1941.539732142857 | Take profit: 1980.6503767857141 +2025-03-10 19:59:11,100 - INFO - CLOSED long at 1944.39 | PnL: -0.36% | $-0.87 +2025-03-10 19:59:11,116 - INFO - OPENED LONG at 1937.81 | Stop loss: 1928.0873321428571 | Take profit: 1966.927576785714 +2025-03-10 19:59:11,172 - INFO - CLOSED long at 1952.29 | PnL: 0.75% | $1.23 +2025-03-10 19:59:11,188 - INFO - OPENED LONG at 1958.3 | Stop loss: 1948.474882142857 | Take profit: 1987.7249267857144 +2025-03-10 19:59:11,265 - INFO - CLOSED long at 1958.19 | PnL: -0.01% | $-0.20 +2025-03-10 19:59:11,305 - INFO - OPENED LONG at 1964.45 | Stop loss: 1954.5941321428572 | Take profit: 1993.9671767857144 +2025-03-10 19:59:11,338 - INFO - CLOSED long at 1958.39 | PnL: -0.31% | $-0.78 +2025-03-10 19:59:11,348 - INFO - OPENED LONG at 1961.83 | Stop loss: 1951.987232142857 | Take profit: 1991.3078767857144 +2025-03-10 19:59:11,382 - INFO - CLOSED long at 1954.95 | PnL: -0.35% | $-0.86 +2025-03-10 19:59:11,402 - INFO - OPENED LONG at 1954.01 | Stop loss: 1944.2063321428573 | Take profit: 1983.3705767857145 +2025-03-10 19:59:11,433 - INFO - CLOSED long at 1950.4 | PnL: -0.18% | $-0.54 +2025-03-10 19:59:11,454 - INFO - OPENED LONG at 1943.75 | Stop loss: 1933.9976321428571 | Take profit: 1972.956676785714 +2025-03-10 19:59:11,506 - INFO - CLOSED long at 1936.29 | PnL: -0.38% | $-0.91 +2025-03-10 19:59:11,524 - INFO - OPENED LONG at 1936.47 | Stop loss: 1926.754032142857 | Take profit: 1965.5674767857145 +2025-03-10 19:59:11,574 - INFO - STOP LOSS hit for long at 1926.754032142857 | PnL: -0.50% | $-1.12 +2025-03-10 19:59:11,608 - INFO - OPENED LONG at 1926.3 | Stop loss: 1916.6348821428571 | Take profit: 1955.2449267857144 +2025-03-10 19:59:11,628 - INFO - CLOSED long at 1922.96 | PnL: -0.17% | $-0.50 +2025-03-10 19:59:11,649 - INFO - OPENED LONG at 1923.32 | Stop loss: 1913.669782142857 | Take profit: 1952.220226785714 +2025-03-10 19:59:11,713 - INFO - CLOSED long at 1916.6 | PnL: -0.35% | $-0.82 +2025-03-10 19:59:11,736 - INFO - OPENED LONG at 1916.72 | Stop loss: 1907.1027821428572 | Take profit: 1945.5212267857144 +2025-03-10 19:59:11,753 - INFO - CLOSED long at 1920.0 | PnL: 0.17% | $0.13 +2025-03-10 19:59:11,770 - INFO - OPENED LONG at 1915.57 | Stop loss: 1905.9585321428572 | Take profit: 1944.3539767857142 +2025-03-10 19:59:11,824 - INFO - CLOSED long at 1916.25 | PnL: 0.04% | $-0.12 +2025-03-10 19:59:11,842 - INFO - OPENED LONG at 1914.83 | Stop loss: 1905.222232142857 | Take profit: 1943.6028767857144 +2025-03-10 19:59:11,918 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.67, Avg Loss=$-0.71 +2025-03-10 19:59:11,918 - INFO - Episode 6: Reward=-0.09, Balance=$92.07, Win Rate=17.6%, Trades=17, Episode PnL=$-7.93, Total PnL=$372.86, Max Drawdown=7.9%, Pred Accuracy=99.8% +2025-03-10 19:59:11,918 - INFO - Refreshing data for episode 7 +2025-03-10 19:59:11,918 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:59:12,704 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:59:12,710 - INFO - Initialized environment with 100 candles +2025-03-10 19:59:12,726 - INFO - OPENED LONG at 2010.32 | Stop loss: 2000.2346142857143 | Take profit: 2040.5254785714285 +2025-03-10 19:59:12,747 - INFO - CLOSED long at 2008.58 | PnL: -0.09% | $-0.37 +2025-03-10 19:59:12,766 - INFO - OPENED LONG at 2006.01 | Stop loss: 1995.9461642857143 | Take profit: 2036.1508285714285 +2025-03-10 19:59:12,821 - INFO - CLOSED long at 2010.0 | PnL: 0.20% | $0.19 +2025-03-10 19:59:12,839 - INFO - OPENED LONG at 2011.91 | Stop loss: 2001.8166642857143 | Take profit: 2042.1393285714287 +2025-03-10 19:59:12,944 - INFO - CLOSED long at 1996.21 | PnL: -0.78% | $-1.73 +2025-03-10 19:59:12,945 - INFO - OPENED SHORT at 1996.21 | Stop loss: 2006.2248357142857 | Take profit: 1966.2161714285714 +2025-03-10 19:59:12,962 - INFO - CLOSED short at 1975.72 | PnL: 1.03% | $1.79 +2025-03-10 19:59:12,962 - INFO - OPENED LONG at 1975.72 | Stop loss: 1965.8076142857144 | Take profit: 2005.4064785714286 +2025-03-10 19:59:12,980 - INFO - STOP LOSS hit for long at 1965.8076142857144 | PnL: -0.50% | $-1.18 +2025-03-10 19:59:12,998 - INFO - OPENED LONG at 1968.1 | Stop loss: 1958.225714285714 | Take profit: 1997.6721785714285 +2025-03-10 19:59:13,021 - INFO - STOP LOSS hit for long at 1958.225714285714 | PnL: -0.50% | $-1.17 +2025-03-10 19:59:13,040 - INFO - OPENED LONG at 1945.18 | Stop loss: 1935.4203142857143 | Take profit: 1974.4083785714283 +2025-03-10 19:59:13,100 - INFO - CLOSED long at 1951.33 | PnL: 0.32% | $0.41 +2025-03-10 19:59:13,116 - INFO - OPENED LONG at 1944.39 | Stop loss: 1934.6342642857144 | Take profit: 1973.606528571429 +2025-03-10 19:59:13,186 - INFO - CLOSED long at 1952.29 | PnL: 0.41% | $0.59 +2025-03-10 19:59:13,207 - INFO - OPENED LONG at 1958.3 | Stop loss: 1948.4747142857143 | Take profit: 1987.7251785714286 +2025-03-10 19:59:13,241 - INFO - CLOSED long at 1960.27 | PnL: 0.10% | $0.00 +2025-03-10 19:59:13,260 - INFO - OPENED LONG at 1956.52 | Stop loss: 1946.7036142857144 | Take profit: 1985.9184785714285 +2025-03-10 19:59:13,485 - INFO - CLOSED long at 1943.75 | PnL: -0.65% | $-1.46 +2025-03-10 19:59:13,499 - INFO - OPENED LONG at 1946.71 | Stop loss: 1936.9426642857143 | Take profit: 1975.9613285714286 +2025-03-10 19:59:13,535 - INFO - STOP LOSS hit for long at 1936.9426642857143 | PnL: -0.50% | $-1.15 +2025-03-10 19:59:13,565 - INFO - OPENED LONG at 1930.51 | Stop loss: 1920.8236642857141 | Take profit: 1959.5183285714286 +2025-03-10 19:59:13,614 - INFO - CLOSED long at 1920.01 | PnL: -0.54% | $-1.21 +2025-03-10 19:59:13,648 - INFO - OPENED LONG at 1922.96 | Stop loss: 1913.3114142857141 | Take profit: 1951.8550785714285 +2025-03-10 19:59:13,845 - INFO - CLOSED long at 1914.83 | PnL: -0.42% | $-0.97 +2025-03-10 19:59:13,864 - INFO - OPENED LONG at 1911.19 | Stop loss: 1901.6002642857143 | Take profit: 1939.9085285714286 +2025-03-10 19:59:13,895 - INFO - CLOSED long at 1917.93 | PnL: 0.35% | $0.47 +2025-03-10 19:59:13,923 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.58, Avg Loss=$-1.15 +2025-03-10 19:59:13,923 - INFO - Episode 7: Reward=11.23, Balance=$94.21, Win Rate=42.9%, Trades=14, Episode PnL=$-4.06, Total PnL=$367.07, Max Drawdown=6.3%, Pred Accuracy=99.7% +2025-03-10 19:59:13,923 - INFO - Refreshing data for episode 8 +2025-03-10 19:59:13,923 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:59:14,229 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:59:14,235 - INFO - Initialized environment with 100 candles +2025-03-10 19:59:14,266 - INFO - OPENED LONG at 2008.58 | Stop loss: 1998.5033142857144 | Take profit: 2038.7593785714287 +2025-03-10 19:59:14,285 - INFO - CLOSED long at 2006.01 | PnL: -0.13% | $-0.45 +2025-03-10 19:59:14,302 - INFO - OPENED LONG at 2008.34 | Stop loss: 1998.264514285714 | Take profit: 2038.5157785714287 +2025-03-10 19:59:14,364 - INFO - CLOSED long at 2008.39 | PnL: 0.00% | $-0.19 +2025-03-10 19:59:14,364 - INFO - OPENED SHORT at 2008.39 | Stop loss: 2018.4657357142858 | Take profit: 1978.2134714285717 +2025-03-10 19:59:14,395 - INFO - CLOSED short at 2004.48 | PnL: 0.19% | $0.19 +2025-03-10 19:59:14,431 - INFO - OPENED LONG at 2002.62 | Stop loss: 1992.5731142857144 | Take profit: 2032.7099785714286 +2025-03-10 19:59:14,464 - INFO - STOP LOSS hit for long at 1992.5731142857144 | PnL: -0.50% | $-1.18 +2025-03-10 19:59:14,481 - INFO - OPENED LONG at 1963.9 | Stop loss: 1954.0467142857144 | Take profit: 1993.4091785714286 +2025-03-10 19:59:14,517 - INFO - STOP LOSS hit for long at 1954.0467142857144 | PnL: -0.50% | $-1.16 +2025-03-10 19:59:14,535 - INFO - OPENED LONG at 1945.18 | Stop loss: 1935.4203142857143 | Take profit: 1974.4083785714283 +2025-03-10 19:59:14,666 - INFO - CLOSED long at 1952.29 | PnL: 0.37% | $0.51 +2025-03-10 19:59:14,679 - INFO - OPENED LONG at 1958.3 | Stop loss: 1948.4747142857143 | Take profit: 1987.7251785714286 +2025-03-10 19:59:14,833 - INFO - CLOSED long at 1958.39 | PnL: 0.00% | $-0.18 +2025-03-10 19:59:14,852 - INFO - OPENED LONG at 1961.83 | Stop loss: 1951.9870642857143 | Take profit: 1991.3081285714284 +2025-03-10 19:59:14,899 - INFO - CLOSED long at 1954.01 | PnL: -0.40% | $-0.96 +2025-03-10 19:59:14,916 - INFO - OPENED SHORT at 1951.12 | Stop loss: 1960.9093857142857 | Take profit: 1921.8025214285715 +2025-03-10 19:59:14,937 - INFO - CLOSED short at 1950.4 | PnL: 0.04% | $-0.12 +2025-03-10 19:59:14,937 - INFO - OPENED LONG at 1950.4 | Stop loss: 1940.6142142857143 | Take profit: 1979.7066785714287 +2025-03-10 19:59:14,968 - INFO - CLOSED long at 1946.71 | PnL: -0.19% | $-0.55 +2025-03-10 19:59:14,969 - INFO - OPENED SHORT at 1946.71 | Stop loss: 1956.4773357142858 | Take profit: 1917.4586714285715 +2025-03-10 19:59:14,986 - INFO - CLOSED short at 1942.87 | PnL: 0.20% | $0.18 +2025-03-10 19:59:14,986 - INFO - OPENED LONG at 1942.87 | Stop loss: 1933.121864285714 | Take profit: 1972.0637285714283 +2025-03-10 19:59:15,008 - INFO - CLOSED long at 1936.29 | PnL: -0.34% | $-0.83 +2025-03-10 19:59:15,024 - INFO - OPENED LONG at 1936.47 | Stop loss: 1926.7538642857144 | Take profit: 1965.5677285714287 +2025-03-10 19:59:15,041 - INFO - CLOSED long at 1930.51 | PnL: -0.31% | $-0.76 +2025-03-10 19:59:15,092 - INFO - OPENED LONG at 1920.01 | Stop loss: 1910.3761642857141 | Take profit: 1948.8608285714283 +2025-03-10 19:59:15,154 - INFO - CLOSED long at 1924.9 | PnL: 0.25% | $0.29 +2025-03-10 19:59:15,169 - INFO - OPENED LONG at 1927.31 | Stop loss: 1917.6396642857142 | Take profit: 1956.2703285714283 +2025-03-10 19:59:15,191 - INFO - STOP LOSS hit for long at 1917.6396642857142 | PnL: -0.50% | $-1.12 +2025-03-10 19:59:15,207 - INFO - OPENED LONG at 1916.6 | Stop loss: 1906.9832142857142 | Take profit: 1945.3996785714285 +2025-03-10 19:59:15,241 - INFO - CLOSED long at 1920.0 | PnL: 0.18% | $0.14 +2025-03-10 19:59:15,251 - INFO - OPENED LONG at 1915.57 | Stop loss: 1905.9583642857142 | Take profit: 1944.3542285714284 +2025-03-10 19:59:15,274 - INFO - CLOSED long at 1917.17 | PnL: 0.08% | $-0.03 +2025-03-10 19:59:15,296 - INFO - OPENED LONG at 1913.59 | Stop loss: 1903.9882642857142 | Take profit: 1942.3445285714283 +2025-03-10 19:59:15,336 - INFO - CLOSED long at 1914.83 | PnL: 0.06% | $-0.06 +2025-03-10 19:59:15,353 - INFO - OPENED LONG at 1911.19 | Stop loss: 1901.6002642857143 | Take profit: 1939.9085285714286 +2025-03-10 19:59:15,386 - INFO - CLOSED long at 1917.93 | PnL: 0.35% | $0.47 +2025-03-10 19:59:15,386 - INFO - OPENED SHORT at 1917.93 | Stop loss: 1927.5534357142856 | Take profit: 1889.1103714285716 +2025-03-10 19:59:15,403 - INFO - CLOSED short at 1922.04 | PnL: -0.21% | $-0.58 +2025-03-10 19:59:15,403 - INFO - OPENED LONG at 1922.04 | Stop loss: 1912.3960142857143 | Take profit: 1950.9212785714287 +2025-03-10 19:59:15,421 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.30, Avg Loss=$-0.58 +2025-03-10 19:59:15,422 - INFO - Episode 8: Reward=4.39, Balance=$93.59, Win Rate=30.0%, Trades=20, Episode PnL=$-6.13, Total PnL=$360.67, Max Drawdown=6.3%, Pred Accuracy=99.6% +2025-03-10 19:59:15,422 - INFO - Refreshing data for episode 9 +2025-03-10 19:59:15,422 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:59:15,737 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:59:15,743 - INFO - Initialized environment with 100 candles +2025-03-10 19:59:15,774 - INFO - OPENED LONG at 2008.58 | Stop loss: 1998.5033142857144 | Take profit: 2038.7593785714287 +2025-03-10 19:59:15,804 - INFO - CLOSED long at 2008.34 | PnL: -0.01% | $-0.22 +2025-03-10 19:59:15,804 - INFO - OPENED SHORT at 2008.34 | Stop loss: 2018.4154857142855 | Take profit: 1978.1642214285714 +2025-03-10 19:59:15,821 - INFO - CLOSED short at 2009.13 | PnL: -0.04% | $-0.27 +2025-03-10 19:59:15,821 - INFO - OPENED LONG at 2009.13 | Stop loss: 1999.0505642857142 | Take profit: 2039.3176285714285 +2025-03-10 19:59:15,837 - INFO - CLOSED long at 2010.0 | PnL: 0.04% | $-0.11 +2025-03-10 19:59:15,853 - INFO - OPENED LONG at 2011.91 | Stop loss: 2001.8166642857143 | Take profit: 2042.1393285714287 +2025-03-10 19:59:15,868 - INFO - CLOSED long at 2008.39 | PnL: -0.17% | $-0.54 +2025-03-10 19:59:15,868 - INFO - OPENED SHORT at 2008.39 | Stop loss: 2018.4657357142858 | Take profit: 1978.2134714285717 +2025-03-10 19:59:15,885 - INFO - CLOSED short at 2006.16 | PnL: 0.11% | $0.02 +2025-03-10 19:59:15,886 - INFO - OPENED LONG at 2006.16 | Stop loss: 1996.0954142857142 | Take profit: 2036.3030785714286 +2025-03-10 19:59:15,933 - INFO - CLOSED long at 2002.62 | PnL: -0.18% | $-0.54 +2025-03-10 19:59:15,950 - INFO - OPENED LONG at 1996.21 | Stop loss: 1986.1951642857143 | Take profit: 2026.2038285714284 +2025-03-10 19:59:15,967 - INFO - STOP LOSS hit for long at 1986.1951642857143 | PnL: -0.50% | $-1.16 +2025-03-10 19:59:15,986 - INFO - OPENED LONG at 1963.9 | Stop loss: 1954.0467142857144 | Take profit: 1993.4091785714286 +2025-03-10 19:59:16,021 - INFO - STOP LOSS hit for long at 1954.0467142857144 | PnL: -0.50% | $-1.15 +2025-03-10 19:59:16,037 - INFO - OPENED LONG at 1945.18 | Stop loss: 1935.4203142857143 | Take profit: 1974.4083785714283 +2025-03-10 19:59:16,069 - INFO - CLOSED long at 1953.79 | PnL: 0.44% | $0.65 +2025-03-10 19:59:16,088 - INFO - OPENED LONG at 1951.33 | Stop loss: 1941.539564285714 | Take profit: 1980.6506285714286 +2025-03-10 19:59:16,125 - INFO - STOP LOSS hit for long at 1941.539564285714 | PnL: -0.50% | $-1.14 +2025-03-10 19:59:16,143 - INFO - OPENED LONG at 1940.46 | Stop loss: 1930.7239142857143 | Take profit: 1969.6175785714286 +2025-03-10 19:59:16,175 - INFO - CLOSED long at 1952.29 | PnL: 0.61% | $0.96 +2025-03-10 19:59:16,211 - INFO - OPENED LONG at 1960.37 | Stop loss: 1950.5343642857142 | Take profit: 1989.8262285714286 +2025-03-10 19:59:16,226 - INFO - CLOSED long at 1960.27 | PnL: -0.01% | $-0.20 +2025-03-10 19:59:16,227 - INFO - OPENED SHORT at 1960.27 | Stop loss: 1970.1051357142858 | Take profit: 1930.8152714285714 +2025-03-10 19:59:16,246 - INFO - CLOSED short at 1956.52 | PnL: 0.19% | $0.17 +2025-03-10 19:59:16,246 - INFO - OPENED LONG at 1956.52 | Stop loss: 1946.7036142857144 | Take profit: 1985.9184785714285 +2025-03-10 19:59:16,262 - INFO - CLOSED long at 1954.81 | PnL: -0.09% | $-0.36 +2025-03-10 19:59:16,286 - INFO - OPENED LONG at 1958.19 | Stop loss: 1948.3652642857144 | Take profit: 1987.6135285714286 +2025-03-10 19:59:16,308 - INFO - CLOSED long at 1966.38 | PnL: 0.42% | $0.60 +2025-03-10 19:59:16,326 - INFO - OPENED SHORT at 1964.45 | Stop loss: 1974.3060357142856 | Take profit: 1934.9325714285715 +2025-03-10 19:59:16,343 - INFO - CLOSED short at 1962.42 | PnL: 0.10% | $0.01 +2025-03-10 19:59:16,343 - INFO - OPENED LONG at 1962.42 | Stop loss: 1952.5741142857144 | Take profit: 1991.9069785714287 +2025-03-10 19:59:16,446 - INFO - STOP LOSS hit for long at 1952.5741142857144 | PnL: -0.50% | $-1.14 +2025-03-10 19:59:16,465 - INFO - OPENED LONG at 1950.4 | Stop loss: 1940.6142142857143 | Take profit: 1979.7066785714287 +2025-03-10 19:59:16,487 - INFO - CLOSED long at 1943.75 | PnL: -0.34% | $-0.83 +2025-03-10 19:59:16,487 - INFO - OPENED SHORT at 1943.75 | Stop loss: 1953.5025357142856 | Take profit: 1914.5430714285715 +2025-03-10 19:59:16,505 - INFO - CLOSED short at 1946.71 | PnL: -0.15% | $-0.47 +2025-03-10 19:59:16,505 - INFO - OPENED LONG at 1946.71 | Stop loss: 1936.9426642857143 | Take profit: 1975.9613285714286 +2025-03-10 19:59:16,528 - INFO - CLOSED long at 1942.87 | PnL: -0.20% | $-0.55 +2025-03-10 19:59:16,528 - INFO - OPENED SHORT at 1942.87 | Stop loss: 1952.6181357142855 | Take profit: 1913.6762714285715 +2025-03-10 19:59:16,545 - INFO - CLOSED short at 1936.29 | PnL: 0.34% | $0.44 +2025-03-10 19:59:16,545 - INFO - OPENED LONG at 1936.29 | Stop loss: 1926.5747642857143 | Take profit: 1965.3850285714284 +2025-03-10 19:59:16,578 - INFO - CLOSED long at 1930.51 | PnL: -0.30% | $-0.74 +2025-03-10 19:59:16,578 - INFO - OPENED SHORT at 1930.51 | Stop loss: 1940.1963357142856 | Take profit: 1901.5016714285714 +2025-03-10 19:59:16,595 - INFO - CLOSED short at 1930.9 | PnL: -0.02% | $-0.22 +2025-03-10 19:59:16,595 - INFO - OPENED LONG at 1930.9 | Stop loss: 1921.2117142857144 | Take profit: 1959.9141785714285 +2025-03-10 19:59:16,630 - INFO - STOP LOSS hit for long at 1921.2117142857144 | PnL: -0.50% | $-1.10 +2025-03-10 19:59:16,648 - INFO - OPENED SHORT at 1926.3 | Stop loss: 1935.9652857142858 | Take profit: 1897.3548214285713 +2025-03-10 19:59:16,666 - INFO - CLOSED short at 1922.96 | PnL: 0.17% | $0.13 +2025-03-10 19:59:16,666 - INFO - OPENED LONG at 1922.96 | Stop loss: 1913.3114142857141 | Take profit: 1951.8550785714285 +2025-03-10 19:59:16,684 - INFO - CLOSED long at 1923.32 | PnL: 0.02% | $-0.15 +2025-03-10 19:59:16,684 - INFO - OPENED SHORT at 1923.32 | Stop loss: 1932.9703857142858 | Take profit: 1894.4195214285714 +2025-03-10 19:59:16,703 - INFO - CLOSED short at 1924.9 | PnL: -0.08% | $-0.33 +2025-03-10 19:59:16,703 - INFO - OPENED LONG at 1924.9 | Stop loss: 1915.2417142857144 | Take profit: 1953.8241785714285 +2025-03-10 19:59:16,775 - INFO - CLOSED long at 1916.72 | PnL: -0.42% | $-0.95 +2025-03-10 19:59:16,799 - INFO - OPENED SHORT at 1920.0 | Stop loss: 1929.6337857142858 | Take profit: 1891.1493214285715 +2025-03-10 19:59:16,820 - INFO - CLOSED short at 1915.57 | PnL: 0.23% | $0.23 +2025-03-10 19:59:16,820 - INFO - OPENED LONG at 1915.57 | Stop loss: 1905.9583642857142 | Take profit: 1944.3542285714284 +2025-03-10 19:59:16,907 - INFO - CLOSED long at 1911.19 | PnL: -0.23% | $-0.59 +2025-03-10 19:59:16,907 - INFO - OPENED SHORT at 1911.19 | Stop loss: 1920.7797357142858 | Take profit: 1882.4714714285715 +2025-03-10 19:59:16,927 - INFO - CLOSED short at 1913.84 | PnL: -0.14% | $-0.42 +2025-03-10 19:59:16,927 - INFO - OPENED LONG at 1913.84 | Stop loss: 1904.2370142857142 | Take profit: 1942.5982785714284 +2025-03-10 19:59:16,962 - INFO - CLOSED long at 1922.04 | PnL: 0.43% | $0.58 +2025-03-10 19:59:16,963 - INFO - OPENED SHORT at 1922.04 | Stop loss: 1931.6839857142859 | Take profit: 1893.1587214285714 +2025-03-10 19:59:16,984 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.38, Avg Loss=$-0.60 +2025-03-10 19:59:16,985 - INFO - Episode 9: Reward=2.15, Balance=$90.61, Win Rate=31.2%, Trades=32, Episode PnL=$-6.16, Total PnL=$351.28, Max Drawdown=9.2%, Pred Accuracy=99.5% +2025-03-10 19:59:16,985 - INFO - Refreshing data for episode 10 +2025-03-10 19:59:16,985 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:59:17,290 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:59:17,296 - INFO - Initialized environment with 100 candles +2025-03-10 19:59:17,605 - INFO - OPENED LONG at 2010.32 | Stop loss: 2000.2346142857143 | Take profit: 2040.5254785714285 +2025-03-10 19:59:17,648 - INFO - CLOSED long at 2006.01 | PnL: -0.21% | $-0.62 +2025-03-10 19:59:17,648 - INFO - OPENED SHORT at 2006.01 | Stop loss: 2016.073835714286 | Take profit: 1975.8691714285715 +2025-03-10 19:59:17,728 - INFO - CLOSED short at 2011.91 | PnL: -0.29% | $-0.77 +2025-03-10 19:59:17,728 - INFO - OPENED LONG at 2011.91 | Stop loss: 2001.8166642857143 | Take profit: 2042.1393285714287 +2025-03-10 19:59:17,753 - INFO - CLOSED long at 2008.39 | PnL: -0.17% | $-0.53 +2025-03-10 19:59:17,753 - INFO - OPENED SHORT at 2008.39 | Stop loss: 2018.4657357142858 | Take profit: 1978.2134714285717 +2025-03-10 19:59:17,772 - INFO - CLOSED short at 2006.16 | PnL: 0.11% | $0.02 +2025-03-10 19:59:17,776 - INFO - OPENED LONG at 2006.16 | Stop loss: 1996.0954142857142 | Take profit: 2036.3030785714286 +2025-03-10 19:59:17,890 - INFO - CLOSED long at 1975.72 | PnL: -1.52% | $-3.12 +2025-03-10 19:59:17,891 - INFO - OPENED SHORT at 1975.72 | Stop loss: 1985.6323857142856 | Take profit: 1946.0335214285715 +2025-03-10 19:59:17,909 - INFO - CLOSED short at 1963.9 | PnL: 0.60% | $0.93 +2025-03-10 19:59:17,909 - INFO - OPENED LONG at 1963.9 | Stop loss: 1954.0467142857144 | Take profit: 1993.4091785714286 +2025-03-10 19:59:17,944 - INFO - STOP LOSS hit for long at 1954.0467142857144 | PnL: -0.50% | $-1.13 +2025-03-10 19:59:17,967 - INFO - OPENED LONG at 1945.18 | Stop loss: 1935.4203142857143 | Take profit: 1974.4083785714283 +2025-03-10 19:59:18,024 - INFO - CLOSED long at 1951.33 | PnL: 0.32% | $0.40 +2025-03-10 19:59:18,025 - INFO - OPENED SHORT at 1951.33 | Stop loss: 1961.1204357142856 | Take profit: 1922.0093714285713 +2025-03-10 19:59:18,043 - INFO - CLOSED short at 1944.39 | PnL: 0.36% | $0.48 +2025-03-10 19:59:18,043 - INFO - OPENED LONG at 1944.39 | Stop loss: 1934.6342642857144 | Take profit: 1973.606528571429 +2025-03-10 19:59:18,178 - INFO - CLOSED long at 1956.52 | PnL: 0.62% | $0.99 +2025-03-10 19:59:18,178 - INFO - OPENED SHORT at 1956.52 | Stop loss: 1966.3363857142858 | Take profit: 1927.1215214285714 +2025-03-10 19:59:18,240 - INFO - CLOSED short at 1966.38 | PnL: -0.50% | $-1.15 +2025-03-10 19:59:18,240 - INFO - OPENED LONG at 1966.38 | Stop loss: 1956.5143142857144 | Take profit: 1995.9263785714288 +2025-03-10 19:59:18,279 - INFO - CLOSED long at 1962.42 | PnL: -0.20% | $-0.57 +2025-03-10 19:59:18,279 - INFO - OPENED SHORT at 1962.42 | Stop loss: 1972.2658857142858 | Take profit: 1932.9330214285715 +2025-03-10 19:59:18,348 - INFO - CLOSED short at 1954.95 | PnL: 0.38% | $0.52 +2025-03-10 19:59:18,348 - INFO - OPENED LONG at 1954.95 | Stop loss: 1945.1414642857142 | Take profit: 1984.3249285714285 +2025-03-10 19:59:18,419 - INFO - STOP LOSS hit for long at 1945.1414642857142 | PnL: -0.50% | $-1.13 +2025-03-10 19:59:18,439 - INFO - OPENED SHORT at 1946.71 | Stop loss: 1956.4773357142858 | Take profit: 1917.4586714285715 +2025-03-10 19:59:18,457 - INFO - CLOSED short at 1942.87 | PnL: 0.20% | $0.18 +2025-03-10 19:59:18,457 - INFO - OPENED LONG at 1942.87 | Stop loss: 1933.121864285714 | Take profit: 1972.0637285714283 +2025-03-10 19:59:18,514 - INFO - CLOSED long at 1930.51 | PnL: -0.64% | $-1.37 +2025-03-10 19:59:18,514 - INFO - OPENED SHORT at 1930.51 | Stop loss: 1940.1963357142856 | Take profit: 1901.5016714285714 +2025-03-10 19:59:18,532 - INFO - CLOSED short at 1930.9 | PnL: -0.02% | $-0.22 +2025-03-10 19:59:18,532 - INFO - OPENED LONG at 1930.9 | Stop loss: 1921.2117142857144 | Take profit: 1959.9141785714285 +2025-03-10 19:59:18,569 - INFO - STOP LOSS hit for long at 1921.2117142857144 | PnL: -0.50% | $-1.10 +2025-03-10 19:59:18,607 - INFO - OPENED SHORT at 1922.96 | Stop loss: 1932.6085857142857 | Take profit: 1894.0649214285716 +2025-03-10 19:59:18,668 - INFO - CLOSED short at 1927.31 | PnL: -0.23% | $-0.59 +2025-03-10 19:59:18,668 - INFO - OPENED LONG at 1927.31 | Stop loss: 1917.6396642857142 | Take profit: 1956.2703285714283 +2025-03-10 19:59:18,687 - INFO - CLOSED long at 1917.41 | PnL: -0.51% | $-1.10 +2025-03-10 19:59:18,687 - INFO - OPENED SHORT at 1917.41 | Stop loss: 1927.030835714286 | Take profit: 1888.5981714285715 +2025-03-10 19:59:18,707 - INFO - CLOSED short at 1916.6 | PnL: 0.04% | $-0.10 +2025-03-10 19:59:18,707 - INFO - OPENED LONG at 1916.6 | Stop loss: 1906.9832142857142 | Take profit: 1945.3996785714285 +2025-03-10 19:59:18,757 - INFO - CLOSED long at 1920.0 | PnL: 0.18% | $0.14 +2025-03-10 19:59:18,757 - INFO - OPENED SHORT at 1920.0 | Stop loss: 1929.6337857142858 | Take profit: 1891.1493214285715 +2025-03-10 19:59:18,810 - INFO - CLOSED short at 1913.59 | PnL: 0.33% | $0.41 +2025-03-10 19:59:18,810 - INFO - OPENED LONG at 1913.59 | Stop loss: 1903.9882642857142 | Take profit: 1942.3445285714283 +2025-03-10 19:59:18,833 - INFO - CLOSED long at 1916.25 | PnL: 0.14% | $0.07 +2025-03-10 19:59:18,834 - INFO - OPENED SHORT at 1916.25 | Stop loss: 1925.8650357142856 | Take profit: 1887.4555714285714 +2025-03-10 19:59:18,874 - INFO - CLOSED short at 1911.19 | PnL: 0.26% | $0.29 +2025-03-10 19:59:18,874 - INFO - OPENED LONG at 1911.19 | Stop loss: 1901.6002642857143 | Take profit: 1939.9085285714286 +2025-03-10 19:59:18,933 - INFO - CLOSED long at 1922.04 | PnL: 0.57% | $0.84 +2025-03-10 19:59:18,934 - INFO - OPENED SHORT at 1922.04 | Stop loss: 1931.6839857142859 | Take profit: 1893.1587214285714 +2025-03-10 19:59:18,955 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.44, Avg Loss=$-0.96 +2025-03-10 19:59:18,956 - INFO - Episode 10: Reward=8.30, Balance=$91.77, Win Rate=46.2%, Trades=26, Episode PnL=$-3.35, Total PnL=$343.05, Max Drawdown=8.2%, Pred Accuracy=99.4% +2025-03-10 19:59:19,090 - INFO - Model saved to checkpoints/trading_agent_episode_10.pt +2025-03-10 19:59:19,090 - INFO - Checkpoint saved at episode 10 +2025-03-10 19:59:19,481 - INFO - Visualization saved for episode 10 +2025-03-10 19:59:20,163 - INFO - Visualization saved for episode 10 +2025-03-10 19:59:20,169 - INFO - Refreshing data for episode 11 +2025-03-10 19:59:20,169 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:59:20,478 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:59:20,482 - INFO - Initialized environment with 100 candles +2025-03-10 19:59:20,522 - INFO - OPENED SHORT at 2010.32 | Stop loss: 2020.4053857142858 | Take profit: 1980.1145214285714 +2025-03-10 19:59:20,627 - INFO - CLOSED short at 2010.0 | PnL: 0.02% | $-0.17 +2025-03-10 19:59:20,627 - INFO - OPENED LONG at 2010.0 | Stop loss: 1999.9162142857144 | Take profit: 2040.2006785714286 +2025-03-10 19:59:20,646 - INFO - CLOSED long at 2011.91 | PnL: 0.10% | $-0.01 +2025-03-10 19:59:20,646 - INFO - OPENED SHORT at 2011.91 | Stop loss: 2022.0033357142859 | Take profit: 1981.6806714285715 +2025-03-10 19:59:20,666 - INFO - CLOSED short at 2008.39 | PnL: 0.17% | $0.15 +2025-03-10 19:59:20,666 - INFO - OPENED LONG at 2008.39 | Stop loss: 1998.3142642857142 | Take profit: 2038.5665285714288 +2025-03-10 19:59:20,690 - INFO - CLOSED long at 2006.16 | PnL: -0.11% | $-0.41 +2025-03-10 19:59:20,690 - INFO - OPENED SHORT at 2006.16 | Stop loss: 2016.2245857142857 | Take profit: 1976.0169214285715 +2025-03-10 19:59:20,788 - INFO - CLOSED short at 1975.72 | PnL: 1.52% | $2.78 +2025-03-10 19:59:20,789 - INFO - OPENED LONG at 1975.72 | Stop loss: 1965.8076142857144 | Take profit: 2005.4064785714286 +2025-03-10 19:59:20,812 - INFO - CLOSED long at 1963.9 | PnL: -0.60% | $-1.41 +2025-03-10 19:59:20,813 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.753285714286 | Take profit: 1934.3908214285714 +2025-03-10 19:59:20,875 - INFO - CLOSED short at 1945.18 | PnL: 0.95% | $1.69 +2025-03-10 19:59:20,877 - INFO - OPENED LONG at 1945.18 | Stop loss: 1935.4203142857143 | Take profit: 1974.4083785714283 +2025-03-10 19:59:20,917 - INFO - CLOSED long at 1953.79 | PnL: 0.44% | $0.69 +2025-03-10 19:59:20,917 - INFO - OPENED SHORT at 1953.79 | Stop loss: 1963.5927357142855 | Take profit: 1924.4324714285713 +2025-03-10 19:59:20,960 - INFO - CLOSED short at 1944.39 | PnL: 0.48% | $0.77 +2025-03-10 19:59:20,960 - INFO - OPENED LONG at 1944.39 | Stop loss: 1934.6342642857144 | Take profit: 1973.606528571429 +2025-03-10 19:59:20,981 - INFO - CLOSED long at 1937.81 | PnL: -0.34% | $-0.90 +2025-03-10 19:59:20,982 - INFO - OPENED SHORT at 1937.81 | Stop loss: 1947.5328357142857 | Take profit: 1908.6921714285713 +2025-03-10 19:59:21,026 - INFO - CLOSED short at 1944.31 | PnL: -0.34% | $-0.88 +2025-03-10 19:59:21,026 - INFO - OPENED LONG at 1944.31 | Stop loss: 1934.5546642857144 | Take profit: 1973.5253285714284 +2025-03-10 19:59:21,106 - INFO - CLOSED long at 1960.27 | PnL: 0.82% | $1.45 +2025-03-10 19:59:21,107 - INFO - OPENED SHORT at 1960.27 | Stop loss: 1970.1051357142858 | Take profit: 1930.8152714285714 +2025-03-10 19:59:21,148 - INFO - CLOSED short at 1954.81 | PnL: 0.28% | $0.36 +2025-03-10 19:59:21,148 - INFO - OPENED LONG at 1954.81 | Stop loss: 1945.0021642857143 | Take profit: 1984.1828285714287 +2025-03-10 19:59:21,166 - INFO - CLOSED long at 1958.19 | PnL: 0.17% | $0.15 +2025-03-10 19:59:21,166 - INFO - OPENED SHORT at 1958.19 | Stop loss: 1968.0147357142857 | Take profit: 1928.7664714285715 +2025-03-10 19:59:21,188 - INFO - CLOSED short at 1966.38 | PnL: -0.42% | $-1.06 +2025-03-10 19:59:21,188 - INFO - OPENED LONG at 1966.38 | Stop loss: 1956.5143142857144 | Take profit: 1995.9263785714288 +2025-03-10 19:59:21,229 - INFO - CLOSED long at 1962.42 | PnL: -0.20% | $-0.61 +2025-03-10 19:59:21,230 - INFO - OPENED SHORT at 1962.42 | Stop loss: 1972.2658857142858 | Take profit: 1932.9330214285715 +2025-03-10 19:59:21,407 - INFO - CLOSED short at 1946.71 | PnL: 0.80% | $1.41 +2025-03-10 19:59:21,407 - INFO - OPENED LONG at 1946.71 | Stop loss: 1936.9426642857143 | Take profit: 1975.9613285714286 +2025-03-10 19:59:21,427 - INFO - CLOSED long at 1942.87 | PnL: -0.20% | $-0.61 +2025-03-10 19:59:21,427 - INFO - OPENED SHORT at 1942.87 | Stop loss: 1952.6181357142855 | Take profit: 1913.6762714285715 +2025-03-10 19:59:21,618 - INFO - CLOSED short at 1924.9 | PnL: 0.92% | $1.68 +2025-03-10 19:59:21,620 - INFO - OPENED LONG at 1924.9 | Stop loss: 1915.2417142857144 | Take profit: 1953.8241785714285 +2025-03-10 19:59:21,637 - INFO - CLOSED long at 1927.31 | PnL: 0.13% | $0.05 +2025-03-10 19:59:21,637 - INFO - OPENED SHORT at 1927.31 | Stop loss: 1936.9803357142857 | Take profit: 1898.3496714285714 +2025-03-10 19:59:21,843 - INFO - CLOSED short at 1911.19 | PnL: 0.84% | $1.52 +2025-03-10 19:59:21,843 - INFO - OPENED LONG at 1911.19 | Stop loss: 1901.6002642857143 | Take profit: 1939.9085285714286 +2025-03-10 19:59:21,864 - INFO - CLOSED long at 1913.84 | PnL: 0.14% | $0.08 +2025-03-10 19:59:21,864 - INFO - OPENED SHORT at 1913.84 | Stop loss: 1923.4429857142857 | Take profit: 1885.0817214285714 +2025-03-10 19:59:21,923 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.98, Avg Loss=$-0.67 +2025-03-10 19:59:21,924 - INFO - Episode 11: Reward=7.28, Balance=$106.73, Win Rate=59.1%, Trades=22, Episode PnL=$8.25, Total PnL=$349.78, Max Drawdown=0.0%, Pred Accuracy=99.0% +2025-03-10 19:59:21,924 - INFO - Refreshing data for episode 12 +2025-03-10 19:59:21,925 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:59:22,250 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:59:22,257 - INFO - Initialized environment with 100 candles +2025-03-10 19:59:22,276 - INFO - OPENED SHORT at 2010.32 | Stop loss: 2020.4053857142858 | Take profit: 1980.1145214285714 +2025-03-10 19:59:22,295 - INFO - CLOSED short at 2008.58 | PnL: 0.09% | $-0.03 +2025-03-10 19:59:22,296 - INFO - OPENED LONG at 2008.58 | Stop loss: 1998.5033142857144 | Take profit: 2038.7593785714287 +2025-03-10 19:59:22,316 - INFO - CLOSED long at 2006.01 | PnL: -0.13% | $-0.45 +2025-03-10 19:59:22,317 - INFO - OPENED SHORT at 2006.01 | Stop loss: 2016.073835714286 | Take profit: 1975.8691714285715 +2025-03-10 19:59:22,356 - INFO - CLOSED short at 2009.13 | PnL: -0.16% | $-0.50 +2025-03-10 19:59:22,356 - INFO - OPENED LONG at 2009.13 | Stop loss: 1999.0505642857142 | Take profit: 2039.3176285714285 +2025-03-10 19:59:22,377 - INFO - CLOSED long at 2010.0 | PnL: 0.04% | $-0.11 +2025-03-10 19:59:22,379 - INFO - OPENED SHORT at 2010.0 | Stop loss: 2020.0837857142858 | Take profit: 1979.7993214285714 +2025-03-10 19:59:22,429 - INFO - CLOSED short at 2008.39 | PnL: 0.08% | $-0.04 +2025-03-10 19:59:22,429 - INFO - OPENED LONG at 2008.39 | Stop loss: 1998.3142642857142 | Take profit: 2038.5665285714288 +2025-03-10 19:59:22,472 - INFO - CLOSED long at 2004.48 | PnL: -0.19% | $-0.57 +2025-03-10 19:59:22,472 - INFO - OPENED SHORT at 2004.48 | Stop loss: 2014.536185714286 | Take profit: 1974.3621214285715 +2025-03-10 19:59:22,521 - INFO - CLOSED short at 2002.62 | PnL: 0.09% | $-0.01 +2025-03-10 19:59:22,547 - INFO - OPENED LONG at 1996.21 | Stop loss: 1986.1951642857143 | Take profit: 2026.2038285714284 +2025-03-10 19:59:22,577 - INFO - STOP LOSS hit for long at 1986.1951642857143 | PnL: -0.50% | $-1.16 +2025-03-10 19:59:22,609 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.753285714286 | Take profit: 1934.3908214285714 +2025-03-10 19:59:22,652 - INFO - CLOSED short at 1947.49 | PnL: 0.84% | $1.40 +2025-03-10 19:59:22,676 - INFO - OPENED SHORT at 1945.18 | Stop loss: 1954.9396857142858 | Take profit: 1915.9516214285716 +2025-03-10 19:59:22,722 - INFO - CLOSED short at 1953.79 | PnL: -0.44% | $-1.05 +2025-03-10 19:59:22,722 - INFO - OPENED LONG at 1953.79 | Stop loss: 1943.9872642857142 | Take profit: 1983.1475285714287 +2025-03-10 19:59:22,746 - INFO - CLOSED long at 1951.33 | PnL: -0.13% | $-0.43 +2025-03-10 19:59:22,746 - INFO - OPENED SHORT at 1951.33 | Stop loss: 1961.1204357142856 | Take profit: 1922.0093714285713 +2025-03-10 19:59:22,769 - INFO - CLOSED short at 1944.39 | PnL: 0.36% | $0.49 +2025-03-10 19:59:22,770 - INFO - OPENED LONG at 1944.39 | Stop loss: 1934.6342642857144 | Take profit: 1973.606528571429 +2025-03-10 19:59:22,791 - INFO - CLOSED long at 1937.81 | PnL: -0.34% | $-0.84 +2025-03-10 19:59:22,791 - INFO - OPENED SHORT at 1937.81 | Stop loss: 1947.5328357142857 | Take profit: 1908.6921714285713 +2025-03-10 19:59:22,861 - INFO - STOP LOSS hit for short at 1947.5328357142857 | PnL: -0.50% | $-1.14 +2025-03-10 19:59:22,882 - INFO - OPENED LONG at 1958.3 | Stop loss: 1948.4747142857143 | Take profit: 1987.7251785714286 +2025-03-10 19:59:22,902 - INFO - CLOSED long at 1960.37 | PnL: 0.11% | $0.01 +2025-03-10 19:59:22,902 - INFO - OPENED SHORT at 1960.37 | Stop loss: 1970.2056357142858 | Take profit: 1930.9137714285712 +2025-03-10 19:59:23,093 - INFO - CLOSED short at 1958.39 | PnL: 0.10% | $0.00 +2025-03-10 19:59:23,094 - INFO - OPENED LONG at 1958.39 | Stop loss: 1948.5642642857144 | Take profit: 1987.8165285714288 +2025-03-10 19:59:23,139 - INFO - CLOSED long at 1957.81 | PnL: -0.03% | $-0.24 +2025-03-10 19:59:23,139 - INFO - OPENED SHORT at 1957.81 | Stop loss: 1967.6328357142856 | Take profit: 1928.3921714285714 +2025-03-10 19:59:23,186 - INFO - CLOSED short at 1954.01 | PnL: 0.19% | $0.18 +2025-03-10 19:59:23,209 - INFO - OPENED SHORT at 1951.12 | Stop loss: 1960.9093857142857 | Take profit: 1921.8025214285715 +2025-03-10 19:59:23,254 - INFO - CLOSED short at 1943.75 | PnL: 0.38% | $0.52 +2025-03-10 19:59:23,255 - INFO - OPENED LONG at 1943.75 | Stop loss: 1933.9974642857142 | Take profit: 1972.9569285714283 +2025-03-10 19:59:23,284 - INFO - CLOSED long at 1946.71 | PnL: 0.15% | $0.10 +2025-03-10 19:59:23,284 - INFO - OPENED SHORT at 1946.71 | Stop loss: 1956.4773357142858 | Take profit: 1917.4586714285715 +2025-03-10 19:59:23,513 - INFO - CLOSED short at 1923.32 | PnL: 1.20% | $2.08 +2025-03-10 19:59:23,513 - INFO - OPENED LONG at 1923.32 | Stop loss: 1913.6696142857143 | Take profit: 1952.2204785714287 +2025-03-10 19:59:23,535 - INFO - CLOSED long at 1924.9 | PnL: 0.08% | $-0.03 +2025-03-10 19:59:23,535 - INFO - OPENED SHORT at 1924.9 | Stop loss: 1934.5582857142858 | Take profit: 1895.9758214285714 +2025-03-10 19:59:23,615 - INFO - CLOSED short at 1916.6 | PnL: 0.43% | $0.64 +2025-03-10 19:59:23,616 - INFO - OPENED LONG at 1916.6 | Stop loss: 1906.9832142857142 | Take profit: 1945.3996785714285 +2025-03-10 19:59:23,644 - INFO - CLOSED long at 1916.72 | PnL: 0.01% | $-0.18 +2025-03-10 19:59:23,644 - INFO - OPENED SHORT at 1916.72 | Stop loss: 1926.3373857142856 | Take profit: 1887.9185214285715 +2025-03-10 19:59:23,704 - INFO - CLOSED short at 1915.57 | PnL: 0.06% | $-0.08 +2025-03-10 19:59:23,704 - INFO - OPENED LONG at 1915.57 | Stop loss: 1905.9583642857142 | Take profit: 1944.3542285714284 +2025-03-10 19:59:23,731 - INFO - CLOSED long at 1917.17 | PnL: 0.08% | $-0.03 +2025-03-10 19:59:23,731 - INFO - OPENED SHORT at 1917.17 | Stop loss: 1926.7896357142856 | Take profit: 1888.3617714285715 +2025-03-10 19:59:23,857 - INFO - CLOSED short at 1913.84 | PnL: 0.17% | $0.14 +2025-03-10 19:59:23,857 - INFO - OPENED LONG at 1913.84 | Stop loss: 1904.2370142857142 | Take profit: 1942.5982785714284 +2025-03-10 19:59:23,884 - INFO - CLOSED long at 1917.93 | PnL: 0.21% | $0.22 +2025-03-10 19:59:23,884 - INFO - OPENED SHORT at 1917.93 | Stop loss: 1927.5534357142856 | Take profit: 1889.1103714285716 +2025-03-10 19:59:23,930 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.53, Avg Loss=$-0.41 +2025-03-10 19:59:23,931 - INFO - Episode 12: Reward=-4.23, Balance=$98.87, Win Rate=39.3%, Trades=28, Episode PnL=$1.44, Total PnL=$348.65, Max Drawdown=4.5%, Pred Accuracy=98.6% +2025-03-10 19:59:23,932 - INFO - Refreshing data for episode 13 +2025-03-10 19:59:23,932 - INFO - Fetching initial data for ETH/USDT +2025-03-10 19:59:24,296 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 19:59:24,302 - INFO - Initialized environment with 100 candles +2025-03-10 19:59:24,320 - INFO - OPENED LONG at 2010.32 | Stop loss: 2000.2345678571428 | Take profit: 2040.525548214286 +2025-03-10 19:59:24,344 - INFO - CLOSED long at 2008.58 | PnL: -0.09% | $-0.37 +2025-03-10 19:59:24,344 - INFO - OPENED SHORT at 2008.58 | Stop loss: 2018.656732142857 | Take profit: 1978.4005517857142 +2025-03-10 19:59:24,574 - INFO - CLOSED short at 1996.21 | PnL: 0.62% | $1.01 +2025-03-10 19:59:24,575 - INFO - OPENED LONG at 1996.21 | Stop loss: 1986.195117857143 | Take profit: 2026.203898214286 +2025-03-10 19:59:24,593 - INFO - CLOSED long at 1975.72 | PnL: -1.03% | $-2.23 +2025-03-10 19:59:24,594 - INFO - OPENED SHORT at 1975.72 | Stop loss: 1985.6324321428572 | Take profit: 1946.0334517857143 +2025-03-10 19:59:24,651 - INFO - CLOSED short at 1947.49 | PnL: 1.43% | $2.57 +2025-03-10 19:59:24,670 - INFO - OPENED SHORT at 1945.18 | Stop loss: 1954.939732142857 | Take profit: 1915.9515517857144 +2025-03-10 19:59:24,735 - INFO - CLOSED short at 1951.33 | PnL: -0.32% | $-0.83 +2025-03-10 19:59:24,737 - INFO - OPENED LONG at 1951.33 | Stop loss: 1941.5395178571428 | Take profit: 1980.6506982142855 +2025-03-10 19:59:24,757 - INFO - CLOSED long at 1944.39 | PnL: -0.36% | $-0.90 +2025-03-10 19:59:24,757 - INFO - OPENED SHORT at 1944.39 | Stop loss: 1954.1457821428573 | Take profit: 1915.1734017857143 +2025-03-10 19:59:24,775 - INFO - CLOSED short at 1937.81 | PnL: 0.34% | $0.47 +2025-03-10 19:59:24,775 - INFO - OPENED LONG at 1937.81 | Stop loss: 1928.0871178571426 | Take profit: 1966.9278982142857 +2025-03-10 19:59:24,795 - INFO - CLOSED long at 1940.46 | PnL: 0.14% | $0.07 +2025-03-10 19:59:24,795 - INFO - OPENED SHORT at 1940.46 | Stop loss: 1950.196132142857 | Take profit: 1911.3023517857143 +2025-03-10 19:59:24,834 - INFO - STOP LOSS hit for short at 1950.196132142857 | PnL: -0.50% | $-1.18 +2025-03-10 19:59:24,852 - INFO - OPENED SHORT at 1958.3 | Stop loss: 1968.1253321428571 | Take profit: 1928.8747517857141 +2025-03-10 20:01:47,951 - INFO - Using GPU: NVIDIA GeForce RTX 4060 Laptop GPU +2025-03-10 20:01:47,968 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 20:01:47,968 - INFO - Fetching initial data for ETH/USDT +2025-03-10 20:01:47,968 - INFO - Fetching initial data for ETH/USDT +2025-03-10 20:01:51,454 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 20:01:51,470 - INFO - Initialized environment with 500 candles +2025-03-10 20:01:53,601 - INFO - Loading model from models/trading_agent_best_pnl.pt +2025-03-10 20:01:53,748 - INFO - Model loaded successfully with weights_only=True +2025-03-10 20:01:53,748 - INFO - Starting live trading... +2025-03-10 20:01:53,758 - INFO - Starting live trading (demo mode: False) +2025-03-10 20:01:53,758 - INFO - Fetching initial data for ETH/USDT +2025-03-10 20:01:54,067 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 20:01:54,076 - INFO - Initialized environment with 100 candles +2025-03-10 20:01:59,393 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:01:59,467 - INFO - OPENED SHORT at 2004.56 | Stop loss: 2014.613282142857 | Take profit: 1974.4458767857143 +2025-03-10 20:01:59,467 - INFO - Price: $1923.54 | Action: SELL +2025-03-10 20:02:04,780 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:02:04,805 - INFO - Price: $1923.27 | Action: SELL +2025-03-10 20:02:10,120 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:02:10,134 - INFO - Price: $1923.32 | Action: SELL +2025-03-10 20:02:15,459 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:02:15,472 - INFO - Price: $1924.55 | Action: SELL +2025-03-10 20:02:20,781 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:02:20,803 - INFO - Price: $1926.23 | Action: SELL +2025-03-10 20:02:26,100 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:02:26,112 - INFO - Price: $1928.07 | Action: SELL +2025-03-10 20:02:31,488 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:02:31,499 - INFO - Price: $1933.03 | Action: SELL +2025-03-10 20:02:36,852 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:02:36,867 - INFO - Price: $1930.51 | Action: SELL +2025-03-10 20:02:42,207 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:02:42,221 - INFO - Price: $1930.23 | Action: SELL +2025-03-10 20:02:47,545 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:02:47,560 - INFO - STOP LOSS hit for short at 2014.613282142857 | PnL: -0.50% | $-2.37 +2025-03-10 20:02:47,560 - INFO - Price: $1930.23 | Action: SELL +2025-03-10 20:02:47,561 - INFO - Balance: $97.63 | Trades: 1 | Win Rate: 0.0% | Total PnL: $-2.37 +2025-03-10 20:02:47,561 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:02:52,873 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:02:52,886 - INFO - OPENED SHORT at 2013.75 | Stop loss: 2023.847167857143 | Take profit: 1983.5011232142856 +2025-03-10 20:02:52,886 - INFO - Price: $1932.49 | Action: SELL +2025-03-10 20:02:52,886 - INFO - Balance: $97.63 | Trades: 1 | Win Rate: 0.0% | Total PnL: $-2.37 +2025-03-10 20:02:52,887 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:02:58,189 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:02:58,205 - INFO - Price: $1930.49 | Action: SELL +2025-03-10 20:02:58,205 - INFO - Balance: $97.63 | Trades: 1 | Win Rate: 0.0% | Total PnL: $-2.37 +2025-03-10 20:02:58,205 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:03:03,523 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:03:03,537 - INFO - Price: $1929.79 | Action: SELL +2025-03-10 20:03:03,537 - INFO - Balance: $97.63 | Trades: 1 | Win Rate: 0.0% | Total PnL: $-2.37 +2025-03-10 20:03:03,538 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:03:08,843 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:03:08,860 - INFO - Price: $1928.92 | Action: SELL +2025-03-10 20:03:08,861 - INFO - Balance: $97.63 | Trades: 1 | Win Rate: 0.0% | Total PnL: $-2.37 +2025-03-10 20:03:08,861 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:03:14,169 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:03:14,182 - INFO - Price: $1929.51 | Action: SELL +2025-03-10 20:03:14,182 - INFO - Balance: $97.63 | Trades: 1 | Win Rate: 0.0% | Total PnL: $-2.37 +2025-03-10 20:03:14,183 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:03:19,505 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:03:19,519 - INFO - Price: $1930.83 | Action: SELL +2025-03-10 20:03:19,520 - INFO - Balance: $97.63 | Trades: 1 | Win Rate: 0.0% | Total PnL: $-2.37 +2025-03-10 20:03:19,521 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:03:24,855 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:03:24,869 - INFO - Price: $1929.05 | Action: SELL +2025-03-10 20:03:24,871 - INFO - Balance: $97.63 | Trades: 1 | Win Rate: 0.0% | Total PnL: $-2.37 +2025-03-10 20:03:24,871 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:03:30,183 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:03:30,197 - INFO - Price: $1926.72 | Action: SELL +2025-03-10 20:03:30,197 - INFO - Balance: $97.63 | Trades: 1 | Win Rate: 0.0% | Total PnL: $-2.37 +2025-03-10 20:03:30,197 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:03:35,519 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:03:35,532 - INFO - Price: $1927.44 | Action: SELL +2025-03-10 20:03:35,532 - INFO - Balance: $97.63 | Trades: 1 | Win Rate: 0.0% | Total PnL: $-2.37 +2025-03-10 20:03:35,533 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:03:40,846 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:03:40,862 - INFO - Price: $1928.35 | Action: SELL +2025-03-10 20:03:40,862 - INFO - Balance: $97.63 | Trades: 1 | Win Rate: 0.0% | Total PnL: $-2.37 +2025-03-10 20:03:40,862 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:03:46,174 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:03:46,189 - INFO - Price: $1927.81 | Action: SELL +2025-03-10 20:03:46,190 - INFO - Balance: $97.63 | Trades: 1 | Win Rate: 0.0% | Total PnL: $-2.37 +2025-03-10 20:03:46,190 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:03:51,505 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:03:51,519 - INFO - Price: $1926.68 | Action: SELL +2025-03-10 20:03:51,519 - INFO - Balance: $97.63 | Trades: 1 | Win Rate: 0.0% | Total PnL: $-2.37 +2025-03-10 20:03:51,519 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:03:56,833 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:03:56,846 - INFO - Price: $1925.57 | Action: SELL +2025-03-10 20:03:56,846 - INFO - Balance: $97.63 | Trades: 1 | Win Rate: 0.0% | Total PnL: $-2.37 +2025-03-10 20:03:56,846 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:04:02,154 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:04:02,174 - INFO - Price: $1925.27 | Action: SELL +2025-03-10 20:04:02,175 - INFO - Balance: $97.63 | Trades: 1 | Win Rate: 0.0% | Total PnL: $-2.37 +2025-03-10 20:04:02,175 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:04:07,485 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:04:07,504 - INFO - Price: $1926.58 | Action: SELL +2025-03-10 20:04:07,504 - INFO - Balance: $97.63 | Trades: 1 | Win Rate: 0.0% | Total PnL: $-2.37 +2025-03-10 20:04:07,505 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:04:12,808 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:04:12,824 - INFO - Price: $1927.52 | Action: SELL +2025-03-10 20:04:12,824 - INFO - Balance: $97.63 | Trades: 1 | Win Rate: 0.0% | Total PnL: $-2.37 +2025-03-10 20:04:12,824 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:04:18,132 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:04:18,147 - INFO - Price: $1927.08 | Action: SELL +2025-03-10 20:04:18,147 - INFO - Balance: $97.63 | Trades: 1 | Win Rate: 0.0% | Total PnL: $-2.37 +2025-03-10 20:04:18,147 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:04:23,444 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:04:23,457 - INFO - Price: $1927.68 | Action: SELL +2025-03-10 20:04:23,457 - INFO - Balance: $97.63 | Trades: 1 | Win Rate: 0.0% | Total PnL: $-2.37 +2025-03-10 20:04:23,458 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:04:28,762 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:04:28,777 - INFO - Price: $1928.64 | Action: SELL +2025-03-10 20:04:28,777 - INFO - Balance: $97.63 | Trades: 1 | Win Rate: 0.0% | Total PnL: $-2.37 +2025-03-10 20:04:28,779 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:04:34,114 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:04:34,128 - INFO - Price: $1928.97 | Action: SELL +2025-03-10 20:04:34,128 - INFO - Balance: $97.63 | Trades: 1 | Win Rate: 0.0% | Total PnL: $-2.37 +2025-03-10 20:04:34,128 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:04:39,434 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:04:39,447 - INFO - Price: $1927.88 | Action: SELL +2025-03-10 20:04:39,447 - INFO - Balance: $97.63 | Trades: 1 | Win Rate: 0.0% | Total PnL: $-2.37 +2025-03-10 20:04:39,448 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:04:44,795 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:04:44,815 - INFO - Price: $1929.43 | Action: SELL +2025-03-10 20:04:44,816 - INFO - Balance: $97.63 | Trades: 1 | Win Rate: 0.0% | Total PnL: $-2.37 +2025-03-10 20:04:44,816 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:04:50,127 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:04:50,139 - INFO - Price: $1929.63 | Action: SELL +2025-03-10 20:04:50,140 - INFO - Balance: $97.63 | Trades: 1 | Win Rate: 0.0% | Total PnL: $-2.37 +2025-03-10 20:04:50,140 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:04:55,456 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:04:55,468 - INFO - Price: $1929.66 | Action: SELL +2025-03-10 20:04:55,468 - INFO - Balance: $97.63 | Trades: 1 | Win Rate: 0.0% | Total PnL: $-2.37 +2025-03-10 20:04:55,468 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:05:00,788 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:05:00,800 - INFO - Price: $1929.25 | Action: SELL +2025-03-10 20:05:00,801 - INFO - Balance: $97.63 | Trades: 1 | Win Rate: 0.0% | Total PnL: $-2.37 +2025-03-10 20:05:00,801 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:05:06,126 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:05:06,134 - INFO - Price: $1929.46 | Action: SELL +2025-03-10 20:05:06,134 - INFO - Balance: $97.63 | Trades: 1 | Win Rate: 0.0% | Total PnL: $-2.37 +2025-03-10 20:05:06,134 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:05:11,461 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:05:11,474 - INFO - Price: $1929.56 | Action: SELL +2025-03-10 20:05:11,475 - INFO - Balance: $97.63 | Trades: 1 | Win Rate: 0.0% | Total PnL: $-2.37 +2025-03-10 20:05:11,475 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:05:16,810 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:05:16,824 - INFO - Price: $1927.68 | Action: SELL +2025-03-10 20:05:16,824 - INFO - Balance: $97.63 | Trades: 1 | Win Rate: 0.0% | Total PnL: $-2.37 +2025-03-10 20:05:16,824 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:05:22,120 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:05:22,134 - INFO - Price: $1927.34 | Action: SELL +2025-03-10 20:05:22,134 - INFO - Balance: $97.63 | Trades: 1 | Win Rate: 0.0% | Total PnL: $-2.37 +2025-03-10 20:05:22,134 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:05:27,451 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:05:27,462 - INFO - Price: $1926.91 | Action: SELL +2025-03-10 20:05:27,462 - INFO - Balance: $97.63 | Trades: 1 | Win Rate: 0.0% | Total PnL: $-2.37 +2025-03-10 20:05:27,462 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:05:32,781 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:05:32,796 - INFO - Price: $1927.08 | Action: SELL +2025-03-10 20:05:32,796 - INFO - Balance: $97.63 | Trades: 1 | Win Rate: 0.0% | Total PnL: $-2.37 +2025-03-10 20:05:32,797 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:05:38,117 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:05:38,130 - INFO - TAKE PROFIT hit for short at 1983.5011232142856 | PnL: 1.50% | $5.40 +2025-03-10 20:05:38,130 - INFO - Price: $1926.00 | Action: SELL +2025-03-10 20:05:38,130 - INFO - Balance: $103.03 | Trades: 2 | Win Rate: 50.0% | Total PnL: $3.03 +2025-03-10 20:05:38,130 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:05:43,458 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:05:43,473 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7346964285716 | Take profit: 1934.418705357143 +2025-03-10 20:05:43,474 - INFO - Price: $1926.62 | Action: SELL +2025-03-10 20:05:43,474 - INFO - Balance: $103.03 | Trades: 2 | Win Rate: 50.0% | Total PnL: $3.03 +2025-03-10 20:05:43,474 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:05:48,786 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:05:48,800 - INFO - Price: $1926.32 | Action: SELL +2025-03-10 20:05:48,800 - INFO - Balance: $103.03 | Trades: 2 | Win Rate: 50.0% | Total PnL: $3.03 +2025-03-10 20:05:48,800 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:05:54,131 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:05:54,143 - INFO - Price: $1925.16 | Action: SELL +2025-03-10 20:05:54,143 - INFO - Balance: $103.03 | Trades: 2 | Win Rate: 50.0% | Total PnL: $3.03 +2025-03-10 20:05:54,144 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:05:59,450 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:05:59,467 - INFO - Price: $1924.96 | Action: SELL +2025-03-10 20:05:59,467 - INFO - Balance: $103.03 | Trades: 2 | Win Rate: 50.0% | Total PnL: $3.03 +2025-03-10 20:05:59,467 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:06:04,805 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:06:04,825 - INFO - Price: $1926.44 | Action: SELL +2025-03-10 20:06:04,825 - INFO - Balance: $103.03 | Trades: 2 | Win Rate: 50.0% | Total PnL: $3.03 +2025-03-10 20:06:04,825 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:06:10,151 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:06:10,168 - INFO - Price: $1923.82 | Action: SELL +2025-03-10 20:06:10,168 - INFO - Balance: $103.03 | Trades: 2 | Win Rate: 50.0% | Total PnL: $3.03 +2025-03-10 20:06:10,168 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:06:15,476 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:06:15,496 - INFO - Price: $1923.22 | Action: SELL +2025-03-10 20:06:15,496 - INFO - Balance: $103.03 | Trades: 2 | Win Rate: 50.0% | Total PnL: $3.03 +2025-03-10 20:06:15,496 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:06:20,828 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:06:20,841 - INFO - Price: $1921.21 | Action: SELL +2025-03-10 20:06:20,841 - INFO - Balance: $103.03 | Trades: 2 | Win Rate: 50.0% | Total PnL: $3.03 +2025-03-10 20:06:20,841 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:06:26,170 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:06:26,184 - INFO - Price: $1920.08 | Action: SELL +2025-03-10 20:06:26,184 - INFO - Balance: $103.03 | Trades: 2 | Win Rate: 50.0% | Total PnL: $3.03 +2025-03-10 20:06:26,185 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:06:31,514 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:06:31,527 - INFO - Price: $1919.89 | Action: SELL +2025-03-10 20:06:31,527 - INFO - Balance: $103.03 | Trades: 2 | Win Rate: 50.0% | Total PnL: $3.03 +2025-03-10 20:06:31,529 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:06:36,850 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:06:36,863 - INFO - Price: $1921.05 | Action: SELL +2025-03-10 20:06:36,864 - INFO - Balance: $103.03 | Trades: 2 | Win Rate: 50.0% | Total PnL: $3.03 +2025-03-10 20:06:36,864 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:06:42,173 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:06:42,188 - INFO - Price: $1922.33 | Action: SELL +2025-03-10 20:06:42,189 - INFO - Balance: $103.03 | Trades: 2 | Win Rate: 50.0% | Total PnL: $3.03 +2025-03-10 20:06:42,189 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:06:47,502 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:06:47,515 - INFO - Price: $1922.29 | Action: SELL +2025-03-10 20:06:47,515 - INFO - Balance: $103.03 | Trades: 2 | Win Rate: 50.0% | Total PnL: $3.03 +2025-03-10 20:06:47,515 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:06:52,841 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:06:52,862 - INFO - Price: $1922.04 | Action: SELL +2025-03-10 20:06:52,862 - INFO - Balance: $103.03 | Trades: 2 | Win Rate: 50.0% | Total PnL: $3.03 +2025-03-10 20:06:52,862 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:06:58,166 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:06:58,181 - INFO - Price: $1922.86 | Action: SELL +2025-03-10 20:06:58,181 - INFO - Balance: $103.03 | Trades: 2 | Win Rate: 50.0% | Total PnL: $3.03 +2025-03-10 20:06:58,181 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:07:03,543 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:07:03,556 - INFO - Price: $1922.92 | Action: SELL +2025-03-10 20:07:03,556 - INFO - Balance: $103.03 | Trades: 2 | Win Rate: 50.0% | Total PnL: $3.03 +2025-03-10 20:07:03,556 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:07:08,882 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:07:08,898 - INFO - Price: $1921.35 | Action: SELL +2025-03-10 20:07:08,898 - INFO - Balance: $103.03 | Trades: 2 | Win Rate: 50.0% | Total PnL: $3.03 +2025-03-10 20:07:08,906 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:07:14,221 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:07:14,237 - INFO - Price: $1920.06 | Action: SELL +2025-03-10 20:07:14,237 - INFO - Balance: $103.03 | Trades: 2 | Win Rate: 50.0% | Total PnL: $3.03 +2025-03-10 20:07:14,238 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:07:19,549 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:07:19,563 - INFO - Price: $1919.45 | Action: SELL +2025-03-10 20:07:19,563 - INFO - Balance: $103.03 | Trades: 2 | Win Rate: 50.0% | Total PnL: $3.03 +2025-03-10 20:07:19,563 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:07:24,872 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:07:24,884 - INFO - Price: $1919.06 | Action: SELL +2025-03-10 20:07:24,885 - INFO - Balance: $103.03 | Trades: 2 | Win Rate: 50.0% | Total PnL: $3.03 +2025-03-10 20:07:24,885 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:07:30,217 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:07:30,224 - INFO - Price: $1919.42 | Action: SELL +2025-03-10 20:07:30,224 - INFO - Balance: $103.03 | Trades: 2 | Win Rate: 50.0% | Total PnL: $3.03 +2025-03-10 20:07:30,224 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:07:35,525 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:07:35,535 - INFO - Price: $1919.00 | Action: SELL +2025-03-10 20:07:35,545 - INFO - Balance: $103.03 | Trades: 2 | Win Rate: 50.0% | Total PnL: $3.03 +2025-03-10 20:07:35,545 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:07:40,867 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:07:40,885 - INFO - Price: $1917.76 | Action: SELL +2025-03-10 20:07:40,885 - INFO - Balance: $103.03 | Trades: 2 | Win Rate: 50.0% | Total PnL: $3.03 +2025-03-10 20:07:40,885 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:07:46,198 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:07:46,220 - INFO - Price: $1917.25 | Action: SELL +2025-03-10 20:07:46,220 - INFO - Balance: $103.03 | Trades: 2 | Win Rate: 50.0% | Total PnL: $3.03 +2025-03-10 20:07:46,220 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:07:51,524 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:07:51,538 - INFO - Price: $1918.29 | Action: SELL +2025-03-10 20:07:51,539 - INFO - Balance: $103.03 | Trades: 2 | Win Rate: 50.0% | Total PnL: $3.03 +2025-03-10 20:07:51,539 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:07:56,851 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:07:56,864 - INFO - Price: $1916.32 | Action: SELL +2025-03-10 20:07:56,864 - INFO - Balance: $103.03 | Trades: 2 | Win Rate: 50.0% | Total PnL: $3.03 +2025-03-10 20:07:56,864 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:08:02,168 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:08:02,188 - INFO - Price: $1917.80 | Action: SELL +2025-03-10 20:08:02,188 - INFO - Balance: $103.03 | Trades: 2 | Win Rate: 50.0% | Total PnL: $3.03 +2025-03-10 20:08:02,188 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:08:07,514 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:08:07,529 - INFO - Price: $1916.94 | Action: SELL +2025-03-10 20:08:07,529 - INFO - Balance: $103.03 | Trades: 2 | Win Rate: 50.0% | Total PnL: $3.03 +2025-03-10 20:08:07,533 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:08:12,838 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:08:12,860 - INFO - Price: $1914.60 | Action: SELL +2025-03-10 20:08:12,863 - INFO - Balance: $103.03 | Trades: 2 | Win Rate: 50.0% | Total PnL: $3.03 +2025-03-10 20:08:12,863 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:08:18,175 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:08:18,186 - INFO - Price: $1914.52 | Action: SELL +2025-03-10 20:08:18,186 - INFO - Balance: $103.03 | Trades: 2 | Win Rate: 50.0% | Total PnL: $3.03 +2025-03-10 20:08:18,186 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:08:23,529 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:08:23,540 - INFO - Price: $1910.00 | Action: SELL +2025-03-10 20:08:23,540 - INFO - Balance: $103.03 | Trades: 2 | Win Rate: 50.0% | Total PnL: $3.03 +2025-03-10 20:08:23,540 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:08:28,860 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:08:28,875 - INFO - Price: $1910.00 | Action: SELL +2025-03-10 20:08:28,875 - INFO - Balance: $103.03 | Trades: 2 | Win Rate: 50.0% | Total PnL: $3.03 +2025-03-10 20:08:28,875 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:08:34,202 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:08:34,220 - INFO - Price: $1914.31 | Action: SELL +2025-03-10 20:08:34,220 - INFO - Balance: $103.03 | Trades: 2 | Win Rate: 50.0% | Total PnL: $3.03 +2025-03-10 20:08:34,220 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 0.0% in downtrends +2025-03-10 20:08:39,532 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:08:39,552 - INFO - TAKE PROFIT hit for short at 1934.418705357143 | PnL: 1.50% | $5.73 +2025-03-10 20:08:39,552 - INFO - Price: $1914.99 | Action: SELL +2025-03-10 20:08:39,552 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:08:39,553 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:08:44,871 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:08:44,888 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.586592857143 | Take profit: 1901.888360714286 +2025-03-10 20:08:44,889 - INFO - Price: $1914.18 | Action: SELL +2025-03-10 20:08:44,889 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:08:44,889 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:08:50,212 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:08:50,227 - INFO - Price: $1914.01 | Action: SELL +2025-03-10 20:08:50,227 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:08:50,227 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:08:55,530 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:08:55,552 - INFO - Price: $1913.90 | Action: SELL +2025-03-10 20:08:55,552 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:08:55,552 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:09:00,895 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:09:00,910 - INFO - Price: $1913.06 | Action: SELL +2025-03-10 20:09:00,910 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:09:00,910 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:09:06,216 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:09:06,232 - INFO - Price: $1915.17 | Action: SELL +2025-03-10 20:09:06,232 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:09:06,232 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:09:11,529 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:09:11,546 - INFO - Price: $1913.70 | Action: SELL +2025-03-10 20:09:11,546 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:09:11,546 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:09:16,862 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:09:16,880 - INFO - Price: $1914.18 | Action: SELL +2025-03-10 20:09:16,880 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:09:16,880 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:09:22,197 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:09:22,212 - INFO - Price: $1914.56 | Action: SELL +2025-03-10 20:09:22,212 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:09:22,213 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:09:27,511 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:09:27,525 - INFO - Price: $1913.85 | Action: SELL +2025-03-10 20:09:27,527 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:09:27,527 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:09:32,835 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:09:32,849 - INFO - Price: $1916.08 | Action: SELL +2025-03-10 20:09:32,849 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:09:32,851 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:09:38,152 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:09:38,168 - INFO - Price: $1917.39 | Action: SELL +2025-03-10 20:09:38,172 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:09:38,172 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:09:43,554 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:09:43,568 - INFO - Price: $1916.34 | Action: SELL +2025-03-10 20:09:43,568 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:09:43,569 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:09:48,894 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:09:48,919 - INFO - Price: $1916.24 | Action: SELL +2025-03-10 20:09:48,919 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:09:48,919 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:09:54,265 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:09:54,287 - INFO - Price: $1916.33 | Action: SELL +2025-03-10 20:09:54,287 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:09:54,287 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:09:59,609 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:09:59,623 - INFO - Price: $1917.27 | Action: SELL +2025-03-10 20:09:59,624 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:09:59,624 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:10:04,927 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:10:04,938 - INFO - Price: $1918.11 | Action: SELL +2025-03-10 20:10:04,938 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:10:04,938 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:10:10,227 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:10:10,241 - INFO - Price: $1918.22 | Action: SELL +2025-03-10 20:10:10,241 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:10:10,244 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:10:15,536 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:10:15,550 - INFO - Price: $1919.13 | Action: SELL +2025-03-10 20:10:15,550 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:10:15,551 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:10:20,849 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:10:20,865 - INFO - Price: $1918.62 | Action: SELL +2025-03-10 20:10:20,867 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:10:20,867 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:10:26,178 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:10:26,194 - INFO - Price: $1919.89 | Action: SELL +2025-03-10 20:10:26,194 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:10:26,194 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:10:31,510 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:10:31,523 - INFO - Price: $1920.91 | Action: SELL +2025-03-10 20:10:31,524 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:10:31,524 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:10:36,828 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:10:36,840 - INFO - Price: $1922.44 | Action: SELL +2025-03-10 20:10:36,840 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:10:36,844 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:10:42,139 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:10:42,161 - INFO - Price: $1923.93 | Action: SELL +2025-03-10 20:10:42,162 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:10:42,162 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:10:47,475 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:10:47,497 - INFO - Price: $1922.16 | Action: SELL +2025-03-10 20:10:47,497 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:10:47,497 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:10:52,800 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:10:52,820 - INFO - Price: $1922.21 | Action: SELL +2025-03-10 20:10:52,820 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:10:52,820 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:10:58,120 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:10:58,131 - INFO - Price: $1921.63 | Action: SELL +2025-03-10 20:10:58,131 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:10:58,131 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:11:03,440 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:11:03,459 - INFO - Price: $1921.31 | Action: SELL +2025-03-10 20:11:03,459 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:11:03,459 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:11:08,764 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:11:08,783 - INFO - Price: $1922.51 | Action: SELL +2025-03-10 20:11:08,783 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:11:08,784 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:11:14,092 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:11:14,115 - INFO - Price: $1923.09 | Action: SELL +2025-03-10 20:11:14,115 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:11:14,115 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:11:19,421 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:11:19,434 - INFO - Price: $1921.58 | Action: SELL +2025-03-10 20:11:19,434 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:11:19,435 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:11:25,256 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:11:25,273 - INFO - Price: $1921.27 | Action: SELL +2025-03-10 20:11:25,273 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:11:25,274 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:11:30,589 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:11:30,600 - INFO - Price: $1927.21 | Action: SELL +2025-03-10 20:11:30,601 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:11:30,601 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:11:35,900 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:11:35,914 - INFO - Price: $1932.82 | Action: SELL +2025-03-10 20:11:35,915 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:11:35,915 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:11:41,226 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:11:41,243 - INFO - Price: $1935.41 | Action: SELL +2025-03-10 20:11:41,243 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:11:41,244 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:11:46,543 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:11:46,559 - INFO - Price: $1936.75 | Action: SELL +2025-03-10 20:11:46,560 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:11:46,560 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:11:51,868 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:11:51,885 - INFO - Price: $1933.70 | Action: SELL +2025-03-10 20:11:51,889 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:11:51,889 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:11:57,179 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:11:57,197 - INFO - Price: $1932.07 | Action: SELL +2025-03-10 20:11:57,197 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:11:57,197 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:12:02,489 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:12:02,509 - INFO - Price: $1932.07 | Action: SELL +2025-03-10 20:12:02,509 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:12:02,513 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:12:07,846 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:12:07,861 - INFO - Price: $1935.46 | Action: SELL +2025-03-10 20:12:07,861 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:12:07,862 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:12:13,166 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:12:13,186 - INFO - Price: $1934.54 | Action: SELL +2025-03-10 20:12:13,187 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:12:13,187 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:12:18,505 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:12:18,517 - INFO - Price: $1935.65 | Action: SELL +2025-03-10 20:12:18,517 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:12:18,517 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:12:23,839 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:12:23,854 - INFO - Price: $1934.78 | Action: SELL +2025-03-10 20:12:23,855 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:12:23,855 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:12:29,193 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:12:29,208 - INFO - Price: $1934.22 | Action: SELL +2025-03-10 20:12:29,209 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:12:29,209 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:12:34,507 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:12:34,522 - INFO - Price: $1934.22 | Action: SELL +2025-03-10 20:12:34,522 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:12:34,522 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:12:39,839 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:12:39,855 - INFO - Price: $1934.22 | Action: SELL +2025-03-10 20:12:39,855 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:12:39,855 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:12:45,167 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:12:45,184 - INFO - Price: $1937.91 | Action: SELL +2025-03-10 20:12:45,184 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:12:45,185 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:12:50,510 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:12:50,523 - INFO - Price: $1936.37 | Action: SELL +2025-03-10 20:12:50,523 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:12:50,524 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:12:55,831 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:12:55,845 - INFO - Price: $1936.00 | Action: SELL +2025-03-10 20:12:55,845 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:12:55,845 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:13:01,163 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:13:01,175 - INFO - Price: $1935.88 | Action: SELL +2025-03-10 20:13:01,176 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:13:01,176 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:13:06,484 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:13:06,503 - INFO - Price: $1934.07 | Action: SELL +2025-03-10 20:13:06,504 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:13:06,504 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:13:11,799 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:13:11,814 - INFO - Price: $1935.19 | Action: SELL +2025-03-10 20:13:11,815 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:13:11,815 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:13:17,140 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:13:17,153 - INFO - Price: $1933.62 | Action: SELL +2025-03-10 20:13:17,153 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:13:17,153 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:13:22,483 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:13:22,503 - INFO - Price: $1931.70 | Action: SELL +2025-03-10 20:13:22,504 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:13:22,504 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:13:27,808 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:13:27,825 - INFO - Price: $1931.24 | Action: SELL +2025-03-10 20:13:27,825 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:13:27,825 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:13:33,135 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:13:33,151 - INFO - Price: $1931.20 | Action: SELL +2025-03-10 20:13:33,151 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:13:33,151 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:13:38,451 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:13:38,475 - INFO - Price: $1931.46 | Action: SELL +2025-03-10 20:13:38,475 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:13:38,475 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:13:43,770 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:13:43,793 - INFO - Price: $1929.37 | Action: SELL +2025-03-10 20:13:43,793 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:13:43,794 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:13:49,108 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:13:49,122 - INFO - Price: $1928.78 | Action: SELL +2025-03-10 20:13:49,122 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:13:49,122 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:13:54,446 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:13:54,462 - INFO - Price: $1927.21 | Action: SELL +2025-03-10 20:13:54,462 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:13:54,463 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:13:59,760 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:13:59,774 - INFO - Price: $1927.13 | Action: SELL +2025-03-10 20:13:59,775 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:13:59,775 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:14:05,090 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:14:05,103 - INFO - Price: $1928.36 | Action: SELL +2025-03-10 20:14:05,103 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:14:05,103 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:14:10,420 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:14:10,435 - INFO - Price: $1930.25 | Action: SELL +2025-03-10 20:14:10,435 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:14:10,435 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:14:15,742 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:14:15,757 - INFO - Price: $1930.74 | Action: SELL +2025-03-10 20:14:15,757 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:14:15,757 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:14:21,064 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:14:21,080 - INFO - Price: $1931.24 | Action: SELL +2025-03-10 20:14:21,080 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:14:21,081 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:14:26,404 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:14:26,423 - INFO - Price: $1929.51 | Action: SELL +2025-03-10 20:14:26,424 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:14:26,424 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:14:31,746 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:14:31,762 - INFO - Price: $1930.15 | Action: SELL +2025-03-10 20:14:31,762 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:14:31,762 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:14:37,070 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:14:37,085 - INFO - Price: $1931.07 | Action: SELL +2025-03-10 20:14:37,085 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:14:37,085 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:14:42,396 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:14:42,410 - INFO - Price: $1932.00 | Action: SELL +2025-03-10 20:14:42,411 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:14:42,411 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:14:47,705 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:14:47,723 - INFO - Price: $1931.40 | Action: SELL +2025-03-10 20:14:47,725 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:14:47,725 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:14:53,029 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:14:53,044 - INFO - Price: $1931.84 | Action: SELL +2025-03-10 20:14:53,044 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:14:53,044 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:14:58,368 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:14:58,380 - INFO - Price: $1932.16 | Action: SELL +2025-03-10 20:14:58,382 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:14:58,382 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:15:03,709 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:15:03,726 - INFO - Price: $1931.58 | Action: SELL +2025-03-10 20:15:03,726 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:15:03,726 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:15:09,038 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:15:09,060 - INFO - Price: $1931.45 | Action: SELL +2025-03-10 20:15:09,060 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:15:09,061 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:15:14,378 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:15:14,394 - INFO - Price: $1932.38 | Action: SELL +2025-03-10 20:15:14,394 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:15:14,394 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:15:19,706 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:15:19,719 - INFO - Price: $1933.29 | Action: SELL +2025-03-10 20:15:19,720 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:15:19,720 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:15:25,029 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:15:25,041 - INFO - Price: $1934.80 | Action: SELL +2025-03-10 20:15:25,043 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:15:25,043 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:15:30,341 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:15:30,357 - INFO - Price: $1933.87 | Action: SELL +2025-03-10 20:15:30,358 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:15:30,358 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:15:35,667 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:15:35,672 - INFO - Price: $1934.69 | Action: SELL +2025-03-10 20:15:35,672 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:15:35,682 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:15:40,988 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:15:41,002 - INFO - Price: $1931.81 | Action: SELL +2025-03-10 20:15:41,003 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:15:41,003 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:15:46,342 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:15:46,361 - INFO - Price: $1931.99 | Action: SELL +2025-03-10 20:15:46,361 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:15:46,362 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:15:51,681 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:15:51,694 - INFO - Price: $1931.48 | Action: SELL +2025-03-10 20:15:51,695 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:15:51,695 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:15:56,997 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:15:57,017 - INFO - Price: $1930.00 | Action: SELL +2025-03-10 20:15:57,017 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:15:57,017 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:16:02,326 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:16:02,339 - INFO - Price: $1930.25 | Action: SELL +2025-03-10 20:16:02,340 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:16:02,340 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:16:07,657 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:16:07,676 - INFO - Price: $1931.26 | Action: SELL +2025-03-10 20:16:07,676 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:16:07,676 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:16:13,010 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:16:13,024 - INFO - Price: $1929.64 | Action: SELL +2025-03-10 20:16:13,025 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:16:13,025 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:16:18,356 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:16:18,375 - INFO - Price: $1929.01 | Action: SELL +2025-03-10 20:16:18,375 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:16:18,376 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:16:23,685 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:16:23,704 - INFO - Price: $1929.10 | Action: SELL +2025-03-10 20:16:23,704 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:16:23,705 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:16:29,028 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:16:29,046 - INFO - Price: $1926.07 | Action: SELL +2025-03-10 20:16:29,048 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:16:29,048 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:16:34,353 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:16:34,377 - INFO - Price: $1926.01 | Action: SELL +2025-03-10 20:16:34,377 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:16:34,378 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:16:39,698 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:16:39,711 - INFO - Price: $1927.35 | Action: SELL +2025-03-10 20:16:39,712 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:16:39,712 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:16:45,023 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:16:45,037 - INFO - Price: $1926.84 | Action: SELL +2025-03-10 20:16:45,038 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:16:45,038 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:16:50,429 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:16:50,443 - INFO - Price: $1926.57 | Action: SELL +2025-03-10 20:16:50,443 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:16:50,443 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:16:55,767 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:16:55,781 - INFO - Price: $1925.70 | Action: SELL +2025-03-10 20:16:55,781 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:16:55,782 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:17:01,093 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:17:01,112 - INFO - Price: $1926.91 | Action: SELL +2025-03-10 20:17:01,113 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:17:01,113 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:17:06,430 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:17:06,444 - INFO - Price: $1927.10 | Action: SELL +2025-03-10 20:17:06,445 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:17:06,445 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:17:11,746 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:17:11,764 - INFO - Price: $1927.90 | Action: SELL +2025-03-10 20:17:11,764 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:17:11,766 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:17:17,070 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:17:17,088 - INFO - Price: $1927.53 | Action: SELL +2025-03-10 20:17:17,088 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:17:17,089 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:17:22,396 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:17:22,411 - INFO - Price: $1926.24 | Action: SELL +2025-03-10 20:17:22,412 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:17:22,413 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:17:27,723 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:17:27,738 - INFO - Price: $1923.61 | Action: SELL +2025-03-10 20:17:27,739 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:17:27,739 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:17:33,051 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:17:33,068 - INFO - Price: $1923.74 | Action: SELL +2025-03-10 20:17:33,068 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:17:33,068 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:17:38,384 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:17:38,397 - INFO - Price: $1922.85 | Action: SELL +2025-03-10 20:17:38,397 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:17:38,397 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:17:43,712 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:17:43,729 - INFO - Price: $1922.92 | Action: SELL +2025-03-10 20:17:43,729 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:17:43,730 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:17:49,024 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:17:49,048 - INFO - Price: $1922.31 | Action: SELL +2025-03-10 20:17:49,048 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:17:49,048 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:17:54,360 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:17:54,365 - INFO - Price: $1921.29 | Action: SELL +2025-03-10 20:17:54,365 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:17:54,365 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:17:59,688 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:17:59,706 - INFO - Price: $1921.65 | Action: SELL +2025-03-10 20:17:59,706 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:17:59,708 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:18:05,026 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:18:05,037 - INFO - Price: $1923.89 | Action: SELL +2025-03-10 20:18:05,039 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:18:05,039 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:18:10,353 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:18:10,368 - INFO - Price: $1925.69 | Action: SELL +2025-03-10 20:18:10,368 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:18:10,368 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:18:15,689 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:18:15,707 - INFO - Price: $1926.94 | Action: SELL +2025-03-10 20:18:15,708 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:18:15,708 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:18:21,032 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:18:21,046 - INFO - Price: $1924.80 | Action: SELL +2025-03-10 20:18:21,047 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:18:21,047 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:18:26,348 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:18:26,366 - INFO - Price: $1923.42 | Action: SELL +2025-03-10 20:18:26,367 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:18:26,367 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:18:31,671 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:18:31,685 - INFO - Price: $1923.21 | Action: SELL +2025-03-10 20:18:31,690 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:18:31,690 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:18:36,999 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:18:37,023 - INFO - Price: $1923.25 | Action: SELL +2025-03-10 20:18:37,024 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:18:37,024 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:18:42,323 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:18:42,331 - INFO - Price: $1924.81 | Action: SELL +2025-03-10 20:18:42,331 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:18:42,339 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:18:47,648 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:18:47,665 - INFO - Price: $1924.69 | Action: SELL +2025-03-10 20:18:47,665 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:18:47,666 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:18:52,972 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:18:52,987 - INFO - Price: $1924.69 | Action: SELL +2025-03-10 20:18:52,987 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:18:52,987 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:18:58,304 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:18:58,327 - INFO - Price: $1924.48 | Action: SELL +2025-03-10 20:18:58,327 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:18:58,328 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:19:03,632 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:19:03,650 - INFO - Price: $1923.56 | Action: SELL +2025-03-10 20:19:03,650 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:19:03,650 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:19:08,982 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:19:08,997 - INFO - Price: $1922.40 | Action: SELL +2025-03-10 20:19:08,998 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:19:08,998 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:19:14,305 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:19:14,326 - INFO - Price: $1918.40 | Action: SELL +2025-03-10 20:19:14,326 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:19:14,327 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:19:19,629 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:19:19,643 - INFO - Price: $1918.00 | Action: SELL +2025-03-10 20:19:19,643 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:19:19,643 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:19:24,981 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:19:24,994 - INFO - Price: $1918.86 | Action: SELL +2025-03-10 20:19:24,994 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:19:24,995 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:19:30,312 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:19:30,326 - INFO - Price: $1918.86 | Action: SELL +2025-03-10 20:19:30,326 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:19:30,327 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:19:35,636 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:19:35,649 - INFO - Price: $1919.23 | Action: SELL +2025-03-10 20:19:35,649 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:19:35,650 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:19:41,023 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:19:41,037 - INFO - Price: $1918.13 | Action: SELL +2025-03-10 20:19:41,037 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:19:41,038 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:19:46,338 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:19:46,361 - INFO - Price: $1918.91 | Action: SELL +2025-03-10 20:19:46,362 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:19:46,362 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:19:51,686 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:19:51,699 - INFO - Price: $1919.27 | Action: SELL +2025-03-10 20:19:51,700 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:19:51,700 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:19:57,014 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:19:57,032 - INFO - Price: $1919.45 | Action: SELL +2025-03-10 20:19:57,032 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:19:57,036 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:20:02,334 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:20:02,349 - INFO - Price: $1918.61 | Action: SELL +2025-03-10 20:20:02,349 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:20:02,349 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:20:07,668 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:20:07,682 - INFO - Price: $1919.22 | Action: SELL +2025-03-10 20:20:07,683 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:20:07,683 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:20:12,989 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:20:13,004 - INFO - Price: $1918.46 | Action: SELL +2025-03-10 20:20:13,004 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:20:13,005 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:20:18,310 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:20:18,324 - INFO - Price: $1919.36 | Action: SELL +2025-03-10 20:20:18,324 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:20:18,325 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:20:23,653 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:20:23,670 - INFO - Price: $1920.31 | Action: SELL +2025-03-10 20:20:23,671 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:20:23,671 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:20:28,982 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:20:28,996 - INFO - Price: $1919.73 | Action: SELL +2025-03-10 20:20:28,996 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:20:28,997 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:20:34,306 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:20:34,327 - INFO - Price: $1919.90 | Action: SELL +2025-03-10 20:20:34,328 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:20:34,328 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:20:39,643 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:20:39,660 - INFO - Price: $1919.13 | Action: SELL +2025-03-10 20:20:39,660 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:20:39,660 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:20:45,012 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:20:45,034 - INFO - Price: $1918.21 | Action: SELL +2025-03-10 20:20:45,035 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:20:45,035 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:20:50,341 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:20:50,363 - INFO - Price: $1918.92 | Action: SELL +2025-03-10 20:20:50,363 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:20:50,363 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:20:55,685 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:20:55,707 - INFO - Price: $1919.93 | Action: SELL +2025-03-10 20:20:55,708 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:20:55,708 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:21:01,030 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:21:01,047 - INFO - Price: $1920.19 | Action: SELL +2025-03-10 20:21:01,048 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:21:01,048 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:21:06,369 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:21:06,376 - INFO - Price: $1919.96 | Action: SELL +2025-03-10 20:21:06,384 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:21:06,384 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:21:11,686 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:21:11,705 - INFO - Price: $1920.71 | Action: SELL +2025-03-10 20:21:11,705 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:21:11,706 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:21:17,043 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:21:17,065 - INFO - Price: $1920.68 | Action: SELL +2025-03-10 20:21:17,066 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:21:17,066 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:21:22,396 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:21:22,412 - INFO - Price: $1919.42 | Action: SELL +2025-03-10 20:21:22,412 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:21:22,413 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:21:27,710 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:21:27,724 - INFO - Price: $1917.80 | Action: SELL +2025-03-10 20:21:27,725 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:21:27,726 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:21:33,058 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:21:33,085 - INFO - Price: $1917.55 | Action: SELL +2025-03-10 20:21:33,086 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:21:33,086 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:21:38,399 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:21:38,427 - INFO - Price: $1918.00 | Action: SELL +2025-03-10 20:21:38,427 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:21:38,427 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:21:43,751 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:21:43,765 - INFO - Price: $1917.64 | Action: SELL +2025-03-10 20:21:43,766 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:21:43,766 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:21:49,070 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:21:49,093 - INFO - Price: $1914.84 | Action: SELL +2025-03-10 20:21:49,093 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:21:49,094 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:21:54,406 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:21:54,429 - INFO - Price: $1915.00 | Action: SELL +2025-03-10 20:21:54,429 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:21:54,429 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:21:59,724 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:21:59,745 - INFO - Price: $1913.85 | Action: SELL +2025-03-10 20:21:59,745 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:21:59,746 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:22:05,057 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:22:05,075 - INFO - Price: $1912.53 | Action: SELL +2025-03-10 20:22:05,076 - INFO - Balance: $108.76 | Trades: 3 | Win Rate: 66.7% | Total PnL: $8.76 +2025-03-10 20:22:05,076 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:22:10,378 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:22:10,388 - INFO - CLOSED short at 1933.62 | PnL: -0.14% | $-1.03 +2025-03-10 20:22:10,388 - INFO - OPENED LONG at 1933.62 | Stop loss: 1923.9338214285713 | Take profit: 1962.6514178571426 +2025-03-10 20:22:10,397 - INFO - Price: $1912.00 | Action: BUY +2025-03-10 20:22:10,398 - INFO - Balance: $107.73 | Trades: 4 | Win Rate: 50.0% | Total PnL: $7.73 +2025-03-10 20:22:10,398 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:22:16,209 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:22:16,221 - INFO - CLOSED long at 1931.7 | PnL: -0.10% | $-0.85 +2025-03-10 20:22:16,221 - INFO - OPENED SHORT at 1931.7 | Stop loss: 1941.3773642857143 | Take profit: 1902.6962035714287 +2025-03-10 20:22:16,226 - INFO - Price: $1912.79 | Action: SELL +2025-03-10 20:22:16,226 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:22:16,227 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:22:21,528 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:22:21,547 - INFO - Price: $1913.89 | Action: SELL +2025-03-10 20:22:21,548 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:22:21,548 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:22:26,859 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:22:26,881 - INFO - Price: $1913.90 | Action: SELL +2025-03-10 20:22:26,882 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:22:26,882 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:22:32,183 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:22:32,207 - INFO - Price: $1913.00 | Action: SELL +2025-03-10 20:22:32,207 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:22:32,207 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:22:37,519 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:22:37,533 - INFO - Price: $1913.10 | Action: SELL +2025-03-10 20:22:37,533 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:22:37,533 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:22:42,858 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:22:42,874 - INFO - Price: $1913.99 | Action: SELL +2025-03-10 20:22:42,875 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:22:42,875 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:22:48,184 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:22:48,198 - INFO - Price: $1914.39 | Action: SELL +2025-03-10 20:22:48,198 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:22:48,198 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:22:53,519 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:22:53,537 - INFO - Price: $1913.99 | Action: SELL +2025-03-10 20:22:53,537 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:22:53,537 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:22:58,848 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:22:58,862 - INFO - Price: $1916.13 | Action: SELL +2025-03-10 20:22:58,862 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:22:58,863 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:23:04,206 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:23:04,221 - INFO - Price: $1915.54 | Action: SELL +2025-03-10 20:23:04,221 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:23:04,222 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:23:09,526 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:23:09,541 - INFO - Price: $1915.74 | Action: SELL +2025-03-10 20:23:09,545 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:23:09,545 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:23:14,864 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:23:14,878 - INFO - Price: $1915.99 | Action: SELL +2025-03-10 20:23:14,879 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:23:14,879 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:23:20,196 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:23:20,206 - INFO - Price: $1915.57 | Action: SELL +2025-03-10 20:23:20,216 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:23:20,216 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:23:25,508 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:23:25,522 - INFO - Price: $1915.54 | Action: SELL +2025-03-10 20:23:25,522 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:23:25,523 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:23:30,829 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:23:30,843 - INFO - Price: $1916.49 | Action: SELL +2025-03-10 20:23:30,843 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:23:30,847 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:23:36,156 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:23:36,169 - INFO - Price: $1917.19 | Action: SELL +2025-03-10 20:23:36,169 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:23:36,170 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:23:41,506 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:23:41,525 - INFO - Price: $1917.07 | Action: SELL +2025-03-10 20:23:41,526 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:23:41,526 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:23:46,865 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:23:46,879 - INFO - Price: $1916.06 | Action: SELL +2025-03-10 20:23:46,879 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:23:46,879 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:23:52,206 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:23:52,222 - INFO - Price: $1915.34 | Action: SELL +2025-03-10 20:23:52,222 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:23:52,222 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:23:57,593 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:23:57,597 - INFO - Price: $1913.58 | Action: SELL +2025-03-10 20:23:57,597 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:23:57,607 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:24:03,018 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:24:03,035 - INFO - Price: $1912.68 | Action: SELL +2025-03-10 20:24:03,036 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:24:03,036 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:24:08,354 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:24:08,369 - INFO - Price: $1912.91 | Action: SELL +2025-03-10 20:24:08,370 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:24:08,370 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:24:13,706 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:24:13,721 - INFO - Price: $1913.17 | Action: SELL +2025-03-10 20:24:13,722 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:24:13,722 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:24:19,067 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:24:19,076 - INFO - Price: $1913.25 | Action: SELL +2025-03-10 20:24:19,076 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:24:19,082 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:24:24,399 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:24:24,414 - INFO - Price: $1914.70 | Action: SELL +2025-03-10 20:24:24,414 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:24:24,415 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:24:29,748 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:24:29,767 - INFO - Price: $1912.43 | Action: SELL +2025-03-10 20:24:29,767 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:24:29,767 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:24:35,090 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:24:35,104 - INFO - Price: $1913.62 | Action: SELL +2025-03-10 20:24:35,104 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:24:35,104 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:24:40,429 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:24:40,447 - INFO - Price: $1913.38 | Action: SELL +2025-03-10 20:24:40,448 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:24:40,448 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:24:45,764 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:24:45,777 - INFO - Price: $1913.14 | Action: SELL +2025-03-10 20:24:45,777 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:24:45,778 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:24:51,081 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:24:51,098 - INFO - Price: $1915.13 | Action: SELL +2025-03-10 20:24:51,099 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:24:51,099 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:24:56,454 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:24:56,470 - INFO - Price: $1914.98 | Action: SELL +2025-03-10 20:24:56,471 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:24:56,471 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:25:01,778 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:25:01,791 - INFO - Price: $1914.53 | Action: SELL +2025-03-10 20:25:01,795 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:25:01,795 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:25:07,205 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:25:07,229 - INFO - Price: $1914.36 | Action: SELL +2025-03-10 20:25:07,229 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:25:07,229 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:25:12,534 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:25:12,544 - INFO - Price: $1914.30 | Action: SELL +2025-03-10 20:25:12,544 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:25:12,544 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:25:17,887 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:25:17,902 - INFO - Price: $1915.70 | Action: SELL +2025-03-10 20:25:17,904 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:25:17,904 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:25:23,222 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:25:23,236 - INFO - Price: $1914.60 | Action: SELL +2025-03-10 20:25:23,237 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:25:23,237 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:25:28,553 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:25:28,567 - INFO - Price: $1914.89 | Action: SELL +2025-03-10 20:25:28,568 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:25:28,568 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:25:33,873 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:25:33,888 - INFO - Price: $1913.61 | Action: SELL +2025-03-10 20:25:33,889 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:25:33,889 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:25:39,191 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:25:39,214 - INFO - Price: $1913.67 | Action: SELL +2025-03-10 20:25:39,215 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:25:39,215 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:25:44,517 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:25:44,530 - INFO - Price: $1914.79 | Action: SELL +2025-03-10 20:25:44,531 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:25:44,531 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:25:49,870 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:25:49,886 - INFO - Price: $1915.99 | Action: SELL +2025-03-10 20:25:49,886 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:25:49,887 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:25:55,226 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:25:55,243 - INFO - Price: $1916.12 | Action: SELL +2025-03-10 20:25:55,243 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:25:55,244 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:26:00,558 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:26:00,572 - INFO - Price: $1914.52 | Action: SELL +2025-03-10 20:26:00,573 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:26:00,573 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:26:05,871 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:26:05,889 - INFO - Price: $1914.42 | Action: SELL +2025-03-10 20:26:05,890 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:26:05,890 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:26:11,217 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:26:11,235 - INFO - Price: $1915.19 | Action: SELL +2025-03-10 20:26:11,235 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:26:11,235 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:26:16,549 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:26:16,563 - INFO - Price: $1915.04 | Action: SELL +2025-03-10 20:26:16,563 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:26:16,564 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:26:21,874 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:26:21,888 - INFO - Price: $1914.24 | Action: SELL +2025-03-10 20:26:21,888 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:26:21,888 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:26:27,194 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:26:27,209 - INFO - Price: $1916.12 | Action: SELL +2025-03-10 20:26:27,209 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:26:27,210 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:26:32,530 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:26:32,543 - INFO - Price: $1915.45 | Action: SELL +2025-03-10 20:26:32,543 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:26:32,544 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:26:37,850 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:26:37,864 - INFO - Price: $1914.45 | Action: SELL +2025-03-10 20:26:37,864 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:26:37,867 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:26:43,199 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:26:43,215 - INFO - Price: $1912.84 | Action: SELL +2025-03-10 20:26:43,216 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:26:43,216 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:26:48,534 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:26:48,550 - INFO - Price: $1911.35 | Action: SELL +2025-03-10 20:26:48,550 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:26:48,551 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:26:53,869 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:26:53,886 - INFO - Price: $1910.49 | Action: SELL +2025-03-10 20:26:53,887 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:26:53,887 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:26:59,210 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:26:59,235 - INFO - Price: $1911.85 | Action: SELL +2025-03-10 20:26:59,235 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:26:59,235 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:27:04,538 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:27:04,552 - INFO - Price: $1910.58 | Action: SELL +2025-03-10 20:27:04,552 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:27:04,552 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:27:09,855 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:27:09,869 - INFO - Price: $1910.57 | Action: SELL +2025-03-10 20:27:09,870 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:27:09,870 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:27:15,186 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:27:15,199 - INFO - Price: $1911.19 | Action: SELL +2025-03-10 20:27:15,199 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:27:15,200 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:27:20,508 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:27:20,522 - INFO - Price: $1911.43 | Action: SELL +2025-03-10 20:27:20,522 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:27:20,522 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:27:25,836 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:27:25,856 - INFO - Price: $1910.93 | Action: SELL +2025-03-10 20:27:25,856 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:27:25,857 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:27:31,175 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:27:31,200 - INFO - Price: $1911.71 | Action: SELL +2025-03-10 20:27:31,200 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:27:31,200 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:27:36,535 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:27:36,547 - INFO - Price: $1911.45 | Action: SELL +2025-03-10 20:27:36,547 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:27:36,552 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:27:42,320 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:27:42,333 - INFO - Price: $1911.70 | Action: SELL +2025-03-10 20:27:42,333 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:27:42,334 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:27:47,692 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:27:47,711 - INFO - Price: $1911.10 | Action: SELL +2025-03-10 20:27:47,711 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:27:47,711 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:27:53,021 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:27:53,036 - INFO - Price: $1911.68 | Action: SELL +2025-03-10 20:27:53,036 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:27:53,037 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:27:58,340 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:27:58,354 - INFO - Price: $1910.24 | Action: SELL +2025-03-10 20:27:58,354 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:27:58,355 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:28:03,653 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:28:03,670 - INFO - Price: $1910.97 | Action: SELL +2025-03-10 20:28:03,674 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:28:03,675 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:28:08,993 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:28:09,020 - INFO - Price: $1911.88 | Action: SELL +2025-03-10 20:28:09,020 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:28:09,020 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:28:14,416 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:28:14,436 - INFO - Price: $1910.81 | Action: SELL +2025-03-10 20:28:14,437 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:28:14,437 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:28:19,770 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:28:19,790 - INFO - Price: $1911.58 | Action: SELL +2025-03-10 20:28:19,790 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:28:19,791 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:28:25,113 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:28:25,128 - INFO - Price: $1911.47 | Action: SELL +2025-03-10 20:28:25,128 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:28:25,128 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:28:30,450 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:28:30,463 - INFO - Price: $1909.99 | Action: SELL +2025-03-10 20:28:30,463 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:28:30,464 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:28:35,779 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:28:35,798 - INFO - Price: $1909.74 | Action: SELL +2025-03-10 20:28:35,798 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:28:35,798 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:28:41,138 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:28:41,152 - INFO - Price: $1907.76 | Action: SELL +2025-03-10 20:28:41,153 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:28:41,153 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:28:46,905 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:28:46,926 - INFO - Price: $1908.65 | Action: SELL +2025-03-10 20:28:46,926 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:28:46,926 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:28:52,237 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:28:52,251 - INFO - Price: $1905.34 | Action: SELL +2025-03-10 20:28:52,252 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:28:52,253 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:28:57,594 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:28:57,607 - INFO - Price: $1906.82 | Action: SELL +2025-03-10 20:28:57,608 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:28:57,608 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:29:02,927 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:29:02,945 - INFO - Price: $1905.44 | Action: SELL +2025-03-10 20:29:02,945 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:29:02,945 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:29:08,302 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:29:08,321 - INFO - Price: $1905.27 | Action: SELL +2025-03-10 20:29:08,321 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:29:08,322 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:29:13,663 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:29:13,674 - INFO - Price: $1906.50 | Action: SELL +2025-03-10 20:29:13,674 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:29:13,674 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:29:19,009 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:29:19,030 - INFO - Price: $1906.62 | Action: SELL +2025-03-10 20:29:19,031 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:29:19,031 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:29:24,341 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:29:24,355 - INFO - Price: $1907.03 | Action: SELL +2025-03-10 20:29:24,355 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:29:24,358 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:29:29,678 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:29:29,695 - INFO - Price: $1909.85 | Action: SELL +2025-03-10 20:29:29,695 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:29:29,695 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:29:35,087 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:29:35,103 - INFO - Price: $1908.71 | Action: SELL +2025-03-10 20:29:35,103 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:29:35,105 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:29:40,411 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:29:40,428 - INFO - Price: $1908.61 | Action: SELL +2025-03-10 20:29:40,428 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:29:40,428 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:29:45,752 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:29:45,773 - INFO - Price: $1910.17 | Action: SELL +2025-03-10 20:29:45,774 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:29:45,774 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:29:51,084 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:29:51,098 - INFO - Price: $1908.24 | Action: SELL +2025-03-10 20:29:51,098 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:29:51,098 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:29:56,432 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:29:56,449 - INFO - Price: $1910.43 | Action: SELL +2025-03-10 20:29:56,449 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:29:56,451 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:30:01,756 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:30:01,775 - INFO - Price: $1907.03 | Action: SELL +2025-03-10 20:30:01,775 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:30:01,778 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:30:07,116 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:30:07,131 - INFO - Price: $1911.49 | Action: SELL +2025-03-10 20:30:07,131 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:30:07,133 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:30:12,451 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:30:12,469 - INFO - Price: $1911.72 | Action: SELL +2025-03-10 20:30:12,470 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:30:12,470 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:30:17,775 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:30:17,791 - INFO - Price: $1912.76 | Action: SELL +2025-03-10 20:30:17,791 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:30:17,792 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:30:23,093 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:30:23,107 - INFO - Price: $1912.69 | Action: SELL +2025-03-10 20:30:23,108 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:30:23,108 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:30:28,425 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:30:28,435 - INFO - Price: $1915.00 | Action: SELL +2025-03-10 20:30:28,435 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:30:28,444 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:30:33,746 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:30:33,763 - INFO - Price: $1916.30 | Action: SELL +2025-03-10 20:30:33,763 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:30:33,764 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:30:39,083 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:30:39,099 - INFO - Price: $1916.35 | Action: SELL +2025-03-10 20:30:39,099 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:30:39,099 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:30:44,435 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:30:44,454 - INFO - Price: $1914.59 | Action: SELL +2025-03-10 20:30:44,454 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:30:44,456 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:30:49,768 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:30:49,786 - INFO - Price: $1914.59 | Action: SELL +2025-03-10 20:30:49,786 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:30:49,786 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:30:55,094 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:30:55,117 - INFO - Price: $1915.00 | Action: SELL +2025-03-10 20:30:55,117 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:30:55,118 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:31:00,460 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:31:00,474 - INFO - Price: $1916.03 | Action: SELL +2025-03-10 20:31:00,475 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:31:00,475 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:31:05,788 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:31:05,801 - INFO - Price: $1915.65 | Action: SELL +2025-03-10 20:31:05,802 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:31:05,802 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:31:11,117 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:31:11,137 - INFO - Price: $1916.79 | Action: SELL +2025-03-10 20:31:11,138 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:31:11,138 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:31:16,437 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:31:16,457 - INFO - Price: $1914.89 | Action: SELL +2025-03-10 20:31:16,457 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:31:16,457 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:31:21,802 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:31:21,817 - INFO - Price: $1914.14 | Action: SELL +2025-03-10 20:31:21,817 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:31:21,818 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:31:27,126 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:31:27,140 - INFO - Price: $1914.21 | Action: SELL +2025-03-10 20:31:27,142 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:31:27,142 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:31:32,441 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:31:32,459 - INFO - Price: $1912.57 | Action: SELL +2025-03-10 20:31:32,459 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:31:32,460 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:31:37,788 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:31:37,803 - INFO - Price: $1914.29 | Action: SELL +2025-03-10 20:31:37,803 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:31:37,804 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:31:43,123 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:31:43,138 - INFO - Price: $1911.69 | Action: SELL +2025-03-10 20:31:43,138 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:31:43,138 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:31:48,465 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:31:48,483 - INFO - Price: $1911.20 | Action: SELL +2025-03-10 20:31:48,483 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:31:48,483 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:31:53,788 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:31:53,804 - INFO - Price: $1912.34 | Action: SELL +2025-03-10 20:31:53,805 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:31:53,805 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:31:59,124 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:31:59,140 - INFO - Price: $1912.54 | Action: SELL +2025-03-10 20:31:59,141 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:31:59,141 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:32:04,436 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:32:04,460 - INFO - Price: $1914.38 | Action: SELL +2025-03-10 20:32:04,462 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:32:04,462 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:32:09,767 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:32:09,789 - INFO - Price: $1912.85 | Action: SELL +2025-03-10 20:32:09,790 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:32:09,790 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:32:15,097 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:32:15,114 - INFO - Price: $1911.09 | Action: SELL +2025-03-10 20:32:15,116 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:32:15,116 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:32:20,430 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:32:20,446 - INFO - Price: $1910.00 | Action: SELL +2025-03-10 20:32:20,447 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:32:20,447 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:32:25,774 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:32:25,792 - INFO - Price: $1908.82 | Action: SELL +2025-03-10 20:32:25,792 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:32:25,792 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:32:31,101 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:32:31,119 - INFO - Price: $1907.41 | Action: SELL +2025-03-10 20:32:31,119 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:32:31,119 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:32:36,479 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:32:36,498 - INFO - Price: $1908.47 | Action: SELL +2025-03-10 20:32:36,498 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:32:36,499 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:32:42,067 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:32:42,088 - INFO - Price: $1908.00 | Action: SELL +2025-03-10 20:32:42,089 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:32:42,089 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:32:47,424 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:32:47,435 - INFO - Price: $1906.34 | Action: SELL +2025-03-10 20:32:47,435 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:32:47,444 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:32:52,779 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:32:52,797 - INFO - Price: $1906.96 | Action: SELL +2025-03-10 20:32:52,797 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:32:52,797 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:32:58,090 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:32:58,111 - INFO - Price: $1905.00 | Action: SELL +2025-03-10 20:32:58,111 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:32:58,111 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:33:03,418 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:33:03,439 - INFO - Price: $1904.56 | Action: SELL +2025-03-10 20:33:03,439 - INFO - Balance: $106.88 | Trades: 5 | Win Rate: 40.0% | Total PnL: $6.88 +2025-03-10 20:33:03,439 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 50.0% in downtrends +2025-03-10 20:33:08,745 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:33:08,763 - INFO - CLOSED short at 1913.17 | PnL: 0.96% | $3.64 +2025-03-10 20:33:08,763 - INFO - OPENED LONG at 1913.17 | Stop loss: 1903.5770107142857 | Take profit: 1941.9082589285715 +2025-03-10 20:33:08,766 - INFO - Price: $1901.30 | Action: BUY +2025-03-10 20:33:08,766 - INFO - Balance: $110.52 | Trades: 6 | Win Rate: 50.0% | Total PnL: $10.52 +2025-03-10 20:33:08,766 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 66.7% in downtrends +2025-03-10 20:33:14,091 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:33:14,108 - INFO - CLOSED long at 1913.25 | PnL: 0.00% | $-0.42 +2025-03-10 20:33:14,108 - INFO - OPENED SHORT at 1913.25 | Stop loss: 1922.8420535714286 | Take profit: 1884.5125446428572 +2025-03-10 20:33:14,109 - INFO - Price: $1901.30 | Action: SELL +2025-03-10 20:33:14,110 - INFO - Balance: $110.10 | Trades: 7 | Win Rate: 57.1% | Total PnL: $10.10 +2025-03-10 20:33:14,110 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 66.7% in downtrends +2025-03-10 20:33:19,422 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:33:19,438 - INFO - Price: $1902.04 | Action: SELL +2025-03-10 20:33:19,438 - INFO - Balance: $110.10 | Trades: 7 | Win Rate: 57.1% | Total PnL: $10.10 +2025-03-10 20:33:19,438 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 66.7% in downtrends +2025-03-10 20:33:24,748 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:33:24,770 - INFO - Price: $1896.00 | Action: SELL +2025-03-10 20:33:24,771 - INFO - Balance: $110.10 | Trades: 7 | Win Rate: 57.1% | Total PnL: $10.10 +2025-03-10 20:33:24,771 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 66.7% in downtrends +2025-03-10 20:33:30,083 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:33:30,098 - INFO - Price: $1899.57 | Action: SELL +2025-03-10 20:33:30,098 - INFO - Balance: $110.10 | Trades: 7 | Win Rate: 57.1% | Total PnL: $10.10 +2025-03-10 20:33:30,098 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 66.7% in downtrends +2025-03-10 20:33:35,426 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:33:35,449 - INFO - Price: $1901.30 | Action: SELL +2025-03-10 20:33:35,449 - INFO - Balance: $110.10 | Trades: 7 | Win Rate: 57.1% | Total PnL: $10.10 +2025-03-10 20:33:35,450 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 66.7% in downtrends +2025-03-10 20:33:40,759 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:33:40,774 - INFO - Price: $1903.34 | Action: SELL +2025-03-10 20:33:40,776 - INFO - Balance: $110.10 | Trades: 7 | Win Rate: 57.1% | Total PnL: $10.10 +2025-03-10 20:33:40,776 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 66.7% in downtrends +2025-03-10 20:33:46,084 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:33:46,107 - INFO - Price: $1905.69 | Action: SELL +2025-03-10 20:33:46,107 - INFO - Balance: $110.10 | Trades: 7 | Win Rate: 57.1% | Total PnL: $10.10 +2025-03-10 20:33:46,107 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 66.7% in downtrends +2025-03-10 20:33:51,418 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:33:51,441 - INFO - Price: $1906.30 | Action: SELL +2025-03-10 20:33:51,441 - INFO - Balance: $110.10 | Trades: 7 | Win Rate: 57.1% | Total PnL: $10.10 +2025-03-10 20:33:51,441 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 66.7% in downtrends +2025-03-10 20:33:56,760 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:33:56,777 - INFO - Price: $1905.45 | Action: SELL +2025-03-10 20:33:56,777 - INFO - Balance: $110.10 | Trades: 7 | Win Rate: 57.1% | Total PnL: $10.10 +2025-03-10 20:33:56,778 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 66.7% in downtrends +2025-03-10 20:34:02,088 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:34:02,102 - INFO - Price: $1905.58 | Action: SELL +2025-03-10 20:34:02,102 - INFO - Balance: $110.10 | Trades: 7 | Win Rate: 57.1% | Total PnL: $10.10 +2025-03-10 20:34:02,102 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 66.7% in downtrends +2025-03-10 20:34:07,425 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:34:07,441 - INFO - Price: $1903.18 | Action: SELL +2025-03-10 20:34:07,441 - INFO - Balance: $110.10 | Trades: 7 | Win Rate: 57.1% | Total PnL: $10.10 +2025-03-10 20:34:07,441 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 66.7% in downtrends +2025-03-10 20:34:12,752 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:34:12,768 - INFO - Price: $1902.35 | Action: SELL +2025-03-10 20:34:12,769 - INFO - Balance: $110.10 | Trades: 7 | Win Rate: 57.1% | Total PnL: $10.10 +2025-03-10 20:34:12,769 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 66.7% in downtrends +2025-03-10 20:34:24,767 - INFO - Using GPU: NVIDIA GeForce RTX 4060 Laptop GPU +2025-03-10 20:34:24,788 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 20:34:24,788 - INFO - Fetching initial data for ETH/USDT +2025-03-10 20:34:24,789 - INFO - Fetching initial data for ETH/USDT +2025-03-10 20:34:28,260 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 20:34:28,280 - INFO - Initialized environment with 500 candles +2025-03-10 20:34:30,497 - INFO - Loading model from models/trading_agent_best_pnl.pt +2025-03-10 20:34:30,642 - INFO - Model loaded successfully with weights_only=True +2025-03-10 20:34:30,652 - INFO - Starting live trading... +2025-03-10 20:34:30,652 - INFO - Starting live trading (demo mode: False) +2025-03-10 20:34:30,652 - INFO - Fetching initial data for ETH/USDT +2025-03-10 20:34:30,945 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 20:34:30,962 - INFO - Initialized environment with 100 candles +2025-03-10 20:34:36,261 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:34:36,333 - INFO - OPENED SHORT at 2010.0 | Stop loss: 2020.0499999999997 | Take profit: 1979.85 +2025-03-10 20:34:36,333 - INFO - Price: $1899.32 | Action: SELL +2025-03-10 20:34:41,656 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:34:41,672 - INFO - Price: $1899.89 | Action: SELL +2025-03-10 20:34:46,981 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:34:46,993 - INFO - Price: $1896.80 | Action: SELL +2025-03-10 20:34:52,306 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:34:52,320 - INFO - Price: $1897.41 | Action: SELL +2025-03-10 20:34:57,635 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:34:57,649 - INFO - Price: $1899.61 | Action: SELL +2025-03-10 20:35:02,991 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:35:03,008 - INFO - Price: $1897.44 | Action: SELL +2025-03-10 20:35:08,304 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:35:08,329 - INFO - Price: $1893.06 | Action: SELL +2025-03-10 20:35:13,654 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:35:13,671 - INFO - Price: $1892.07 | Action: SELL +2025-03-10 20:35:18,962 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:35:18,977 - INFO - TAKE PROFIT hit for short at 1979.85 | PnL: 1.50% | $0.55 +2025-03-10 20:35:18,977 - INFO - Price: $1889.59 | Action: SELL +2025-03-10 20:35:18,978 - INFO - Balance: $100.55 | Trades: 1 | Win Rate: 100.0% | Total PnL: $0.55 +2025-03-10 20:35:18,978 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:35:24,282 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:35:24,298 - INFO - OPENED SHORT at 1963.9 | Stop loss: 1973.7195 | Take profit: 1934.4415000000001 +2025-03-10 20:35:24,298 - INFO - Price: $1893.71 | Action: SELL +2025-03-10 20:35:24,298 - INFO - Balance: $100.55 | Trades: 1 | Win Rate: 100.0% | Total PnL: $0.55 +2025-03-10 20:35:24,298 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:35:29,630 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:35:29,643 - INFO - Price: $1895.53 | Action: SELL +2025-03-10 20:35:29,643 - INFO - Balance: $100.55 | Trades: 1 | Win Rate: 100.0% | Total PnL: $0.55 +2025-03-10 20:35:29,643 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:35:34,966 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:35:34,980 - INFO - Price: $1896.38 | Action: SELL +2025-03-10 20:35:34,980 - INFO - Balance: $100.55 | Trades: 1 | Win Rate: 100.0% | Total PnL: $0.55 +2025-03-10 20:35:34,980 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:35:40,296 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:35:40,312 - INFO - Price: $1896.00 | Action: SELL +2025-03-10 20:35:40,313 - INFO - Balance: $100.55 | Trades: 1 | Win Rate: 100.0% | Total PnL: $0.55 +2025-03-10 20:35:40,313 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:35:45,620 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:35:45,634 - INFO - Price: $1895.21 | Action: SELL +2025-03-10 20:35:45,634 - INFO - Balance: $100.55 | Trades: 1 | Win Rate: 100.0% | Total PnL: $0.55 +2025-03-10 20:35:45,634 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:35:50,946 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:35:50,963 - INFO - Price: $1894.79 | Action: SELL +2025-03-10 20:35:50,964 - INFO - Balance: $100.55 | Trades: 1 | Win Rate: 100.0% | Total PnL: $0.55 +2025-03-10 20:35:50,964 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:35:56,288 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:35:56,310 - INFO - Price: $1895.01 | Action: SELL +2025-03-10 20:35:56,310 - INFO - Balance: $100.55 | Trades: 1 | Win Rate: 100.0% | Total PnL: $0.55 +2025-03-10 20:35:56,311 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:36:01,617 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:36:01,634 - INFO - Price: $1894.52 | Action: SELL +2025-03-10 20:36:01,634 - INFO - Balance: $100.55 | Trades: 1 | Win Rate: 100.0% | Total PnL: $0.55 +2025-03-10 20:36:01,635 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:36:06,943 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:36:06,959 - INFO - Price: $1891.15 | Action: SELL +2025-03-10 20:36:06,959 - INFO - Balance: $100.55 | Trades: 1 | Win Rate: 100.0% | Total PnL: $0.55 +2025-03-10 20:36:06,960 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:36:12,274 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:36:12,289 - INFO - Price: $1892.22 | Action: SELL +2025-03-10 20:36:12,289 - INFO - Balance: $100.55 | Trades: 1 | Win Rate: 100.0% | Total PnL: $0.55 +2025-03-10 20:36:12,289 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:36:17,642 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:36:17,657 - INFO - Price: $1890.85 | Action: SELL +2025-03-10 20:36:17,657 - INFO - Balance: $100.55 | Trades: 1 | Win Rate: 100.0% | Total PnL: $0.55 +2025-03-10 20:36:17,658 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:36:22,955 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:36:22,968 - INFO - Price: $1890.92 | Action: SELL +2025-03-10 20:36:22,968 - INFO - Balance: $100.55 | Trades: 1 | Win Rate: 100.0% | Total PnL: $0.55 +2025-03-10 20:36:22,969 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:36:28,272 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:36:28,286 - INFO - Price: $1891.01 | Action: SELL +2025-03-10 20:36:28,287 - INFO - Balance: $100.55 | Trades: 1 | Win Rate: 100.0% | Total PnL: $0.55 +2025-03-10 20:36:28,287 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:36:33,652 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:36:33,666 - INFO - Price: $1891.70 | Action: SELL +2025-03-10 20:36:33,667 - INFO - Balance: $100.55 | Trades: 1 | Win Rate: 100.0% | Total PnL: $0.55 +2025-03-10 20:36:33,667 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:36:38,977 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:36:38,990 - INFO - Price: $1891.79 | Action: SELL +2025-03-10 20:36:38,991 - INFO - Balance: $100.55 | Trades: 1 | Win Rate: 100.0% | Total PnL: $0.55 +2025-03-10 20:36:38,991 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:36:44,311 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:36:44,329 - INFO - Price: $1891.12 | Action: SELL +2025-03-10 20:36:44,330 - INFO - Balance: $100.55 | Trades: 1 | Win Rate: 100.0% | Total PnL: $0.55 +2025-03-10 20:36:44,330 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:36:49,650 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:36:49,667 - INFO - Price: $1892.05 | Action: SELL +2025-03-10 20:36:49,667 - INFO - Balance: $100.55 | Trades: 1 | Win Rate: 100.0% | Total PnL: $0.55 +2025-03-10 20:36:49,667 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:36:54,966 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:36:54,983 - INFO - Price: $1893.20 | Action: SELL +2025-03-10 20:36:54,983 - INFO - Balance: $100.55 | Trades: 1 | Win Rate: 100.0% | Total PnL: $0.55 +2025-03-10 20:36:54,984 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:37:00,322 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:37:00,343 - INFO - Price: $1893.20 | Action: SELL +2025-03-10 20:37:00,343 - INFO - Balance: $100.55 | Trades: 1 | Win Rate: 100.0% | Total PnL: $0.55 +2025-03-10 20:37:00,343 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:37:05,670 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:37:05,694 - INFO - Price: $1896.49 | Action: SELL +2025-03-10 20:37:05,694 - INFO - Balance: $100.55 | Trades: 1 | Win Rate: 100.0% | Total PnL: $0.55 +2025-03-10 20:37:05,694 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:37:11,014 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:37:11,028 - INFO - Price: $1894.51 | Action: SELL +2025-03-10 20:37:11,028 - INFO - Balance: $100.55 | Trades: 1 | Win Rate: 100.0% | Total PnL: $0.55 +2025-03-10 20:37:11,028 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:37:16,368 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:37:16,384 - INFO - Price: $1894.87 | Action: SELL +2025-03-10 20:37:16,384 - INFO - Balance: $100.55 | Trades: 1 | Win Rate: 100.0% | Total PnL: $0.55 +2025-03-10 20:37:16,384 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:37:21,713 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:37:21,732 - INFO - Price: $1897.25 | Action: SELL +2025-03-10 20:37:21,734 - INFO - Balance: $100.55 | Trades: 1 | Win Rate: 100.0% | Total PnL: $0.55 +2025-03-10 20:37:21,734 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:37:27,044 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:37:27,066 - INFO - Price: $1894.76 | Action: SELL +2025-03-10 20:37:27,066 - INFO - Balance: $100.55 | Trades: 1 | Win Rate: 100.0% | Total PnL: $0.55 +2025-03-10 20:37:27,066 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:37:32,396 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:37:32,415 - INFO - Price: $1897.12 | Action: SELL +2025-03-10 20:37:32,415 - INFO - Balance: $100.55 | Trades: 1 | Win Rate: 100.0% | Total PnL: $0.55 +2025-03-10 20:37:32,415 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:37:37,834 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:37:37,850 - INFO - Price: $1897.99 | Action: SELL +2025-03-10 20:37:37,850 - INFO - Balance: $100.55 | Trades: 1 | Win Rate: 100.0% | Total PnL: $0.55 +2025-03-10 20:37:37,851 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:37:43,151 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:37:43,171 - INFO - Price: $1896.85 | Action: SELL +2025-03-10 20:37:43,171 - INFO - Balance: $100.55 | Trades: 1 | Win Rate: 100.0% | Total PnL: $0.55 +2025-03-10 20:37:43,171 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:37:48,478 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:37:48,496 - INFO - Price: $1896.59 | Action: SELL +2025-03-10 20:37:48,496 - INFO - Balance: $100.55 | Trades: 1 | Win Rate: 100.0% | Total PnL: $0.55 +2025-03-10 20:37:48,497 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:37:53,830 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:37:53,852 - INFO - Price: $1894.85 | Action: SELL +2025-03-10 20:37:53,852 - INFO - Balance: $100.55 | Trades: 1 | Win Rate: 100.0% | Total PnL: $0.55 +2025-03-10 20:37:53,852 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:37:59,174 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:37:59,193 - INFO - Price: $1895.00 | Action: SELL +2025-03-10 20:37:59,193 - INFO - Balance: $100.55 | Trades: 1 | Win Rate: 100.0% | Total PnL: $0.55 +2025-03-10 20:37:59,193 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:38:04,540 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:38:04,552 - INFO - Price: $1894.55 | Action: SELL +2025-03-10 20:38:04,552 - INFO - Balance: $100.55 | Trades: 1 | Win Rate: 100.0% | Total PnL: $0.55 +2025-03-10 20:38:04,554 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:38:09,877 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:38:09,889 - INFO - Price: $1892.85 | Action: SELL +2025-03-10 20:38:09,889 - INFO - Balance: $100.55 | Trades: 1 | Win Rate: 100.0% | Total PnL: $0.55 +2025-03-10 20:38:09,889 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:38:15,270 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:38:15,287 - INFO - Price: $1893.89 | Action: SELL +2025-03-10 20:38:15,287 - INFO - Balance: $100.55 | Trades: 1 | Win Rate: 100.0% | Total PnL: $0.55 +2025-03-10 20:38:15,287 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:38:20,618 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:38:20,630 - INFO - TAKE PROFIT hit for short at 1934.4415000000001 | PnL: 1.50% | $0.55 +2025-03-10 20:38:20,631 - INFO - Price: $1893.89 | Action: SELL +2025-03-10 20:38:20,631 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:38:20,632 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:38:25,976 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:38:25,991 - INFO - OPENED SHORT at 1930.9 | Stop loss: 1940.5545 | Take profit: 1901.9365 +2025-03-10 20:38:25,992 - INFO - Price: $1889.99 | Action: SELL +2025-03-10 20:38:25,992 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:38:25,992 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:38:31,294 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:38:31,309 - INFO - Price: $1889.78 | Action: SELL +2025-03-10 20:38:31,309 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:38:31,309 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:38:36,631 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:38:36,645 - INFO - Price: $1889.87 | Action: SELL +2025-03-10 20:38:36,645 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:38:36,645 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:38:41,933 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:38:41,951 - INFO - Price: $1890.64 | Action: SELL +2025-03-10 20:38:41,951 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:38:41,951 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:38:47,242 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:38:47,257 - INFO - Price: $1890.64 | Action: SELL +2025-03-10 20:38:47,257 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:38:47,257 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:38:52,591 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:38:52,603 - INFO - Price: $1891.13 | Action: SELL +2025-03-10 20:38:52,603 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:38:52,605 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:38:57,914 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:38:57,938 - INFO - Price: $1892.36 | Action: SELL +2025-03-10 20:38:57,938 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:38:57,938 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:39:03,295 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:39:03,315 - INFO - Price: $1890.73 | Action: SELL +2025-03-10 20:39:03,315 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:39:03,316 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:39:08,637 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:39:08,652 - INFO - Price: $1892.30 | Action: SELL +2025-03-10 20:39:08,652 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:39:08,653 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:39:13,977 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:39:13,991 - INFO - Price: $1893.54 | Action: SELL +2025-03-10 20:39:13,991 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:39:13,992 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:39:19,325 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:39:19,337 - INFO - Price: $1894.71 | Action: SELL +2025-03-10 20:39:19,338 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:39:19,338 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:39:24,665 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:39:24,685 - INFO - Price: $1893.25 | Action: SELL +2025-03-10 20:39:24,685 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:39:24,685 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:39:30,003 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:39:30,023 - INFO - Price: $1893.62 | Action: SELL +2025-03-10 20:39:30,023 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:39:30,023 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:39:35,333 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:39:35,354 - INFO - Price: $1893.83 | Action: SELL +2025-03-10 20:39:35,354 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:39:35,354 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:39:40,654 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:39:40,669 - INFO - Price: $1893.89 | Action: SELL +2025-03-10 20:39:40,670 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:39:40,670 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:39:45,991 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:39:46,006 - INFO - Price: $1892.45 | Action: SELL +2025-03-10 20:39:46,006 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:39:46,007 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:39:51,367 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:39:51,385 - INFO - Price: $1892.63 | Action: SELL +2025-03-10 20:39:51,385 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:39:51,385 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:39:56,732 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:39:56,749 - INFO - Price: $1893.34 | Action: SELL +2025-03-10 20:39:56,751 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:39:56,751 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:40:02,068 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:40:02,076 - INFO - Price: $1893.04 | Action: SELL +2025-03-10 20:40:02,082 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:40:02,082 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:40:07,390 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:40:07,414 - INFO - Price: $1893.81 | Action: SELL +2025-03-10 20:40:07,415 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:40:07,415 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:40:12,711 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:40:12,736 - INFO - Price: $1894.77 | Action: SELL +2025-03-10 20:40:12,736 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:40:12,736 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:40:18,040 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:40:18,052 - INFO - Price: $1896.53 | Action: SELL +2025-03-10 20:40:18,052 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:40:18,052 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:40:23,370 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:40:23,392 - INFO - Price: $1896.92 | Action: SELL +2025-03-10 20:40:23,392 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:40:23,392 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:40:28,713 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:40:28,730 - INFO - Price: $1897.18 | Action: SELL +2025-03-10 20:40:28,732 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:40:28,732 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:40:34,063 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:40:34,082 - INFO - Price: $1897.22 | Action: SELL +2025-03-10 20:40:34,082 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:40:34,083 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:40:39,391 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:40:39,408 - INFO - Price: $1897.90 | Action: SELL +2025-03-10 20:40:39,408 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:40:39,408 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:40:44,707 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:40:44,729 - INFO - Price: $1900.00 | Action: SELL +2025-03-10 20:40:44,731 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:40:44,731 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:40:50,050 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:40:50,060 - INFO - Price: $1901.93 | Action: SELL +2025-03-10 20:40:50,060 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:40:50,060 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:40:55,411 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:40:55,434 - INFO - Price: $1902.59 | Action: SELL +2025-03-10 20:40:55,434 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:40:55,434 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:41:00,745 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:41:00,763 - INFO - Price: $1902.99 | Action: SELL +2025-03-10 20:41:00,763 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:41:00,763 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:41:06,082 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:41:06,102 - INFO - Price: $1903.23 | Action: SELL +2025-03-10 20:41:06,102 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:41:06,102 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:41:11,419 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:41:11,435 - INFO - Price: $1902.83 | Action: SELL +2025-03-10 20:41:11,435 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:41:11,435 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:41:16,757 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:41:16,777 - INFO - Price: $1900.00 | Action: SELL +2025-03-10 20:41:16,778 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:41:16,778 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:41:22,116 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:41:22,134 - INFO - Price: $1900.00 | Action: SELL +2025-03-10 20:41:22,134 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:41:22,135 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:41:27,429 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:41:27,444 - INFO - Price: $1900.08 | Action: SELL +2025-03-10 20:41:27,444 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:41:27,444 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:41:32,755 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:41:32,766 - INFO - Price: $1900.71 | Action: SELL +2025-03-10 20:41:32,766 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:41:32,766 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:41:38,131 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:41:38,139 - INFO - Price: $1901.75 | Action: SELL +2025-03-10 20:41:38,139 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:41:38,139 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:41:43,463 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:41:43,480 - INFO - Price: $1900.14 | Action: SELL +2025-03-10 20:41:43,480 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:41:43,480 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:41:48,800 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:41:48,817 - INFO - Price: $1899.22 | Action: SELL +2025-03-10 20:41:48,818 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:41:48,818 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:41:54,137 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:41:54,156 - INFO - Price: $1896.69 | Action: SELL +2025-03-10 20:41:54,157 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:41:54,157 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:41:59,768 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:41:59,782 - INFO - Price: $1895.87 | Action: SELL +2025-03-10 20:41:59,783 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:41:59,783 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:42:05,090 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:42:05,109 - INFO - Price: $1896.63 | Action: SELL +2025-03-10 20:42:05,109 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:42:05,110 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:42:10,413 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:42:10,433 - INFO - Price: $1897.65 | Action: SELL +2025-03-10 20:42:10,433 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:42:10,434 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:42:15,748 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:42:15,762 - INFO - Price: $1899.29 | Action: SELL +2025-03-10 20:42:15,762 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:42:15,762 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:42:21,059 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:42:21,081 - INFO - Price: $1899.22 | Action: SELL +2025-03-10 20:42:21,081 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:42:21,081 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:42:26,406 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:42:26,428 - INFO - Price: $1898.56 | Action: SELL +2025-03-10 20:42:26,428 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:42:26,428 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:42:31,739 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:42:31,755 - INFO - Price: $1898.79 | Action: SELL +2025-03-10 20:42:31,755 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:42:31,755 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:42:37,066 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:42:37,087 - INFO - Price: $1899.70 | Action: SELL +2025-03-10 20:42:37,087 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:42:37,088 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:42:42,402 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:42:42,420 - INFO - Price: $1900.57 | Action: SELL +2025-03-10 20:42:42,420 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:42:42,420 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:42:47,730 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:42:47,750 - INFO - Price: $1900.77 | Action: SELL +2025-03-10 20:42:47,750 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:42:47,751 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:42:53,069 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:42:53,089 - INFO - Price: $1901.52 | Action: SELL +2025-03-10 20:42:53,090 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:42:53,090 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:42:58,390 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:42:58,406 - INFO - Price: $1902.91 | Action: SELL +2025-03-10 20:42:58,406 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:42:58,407 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:43:03,733 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:43:03,749 - INFO - Price: $1904.01 | Action: SELL +2025-03-10 20:43:03,749 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:43:03,750 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:43:09,062 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:43:09,077 - INFO - Price: $1904.74 | Action: SELL +2025-03-10 20:43:09,077 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:43:09,077 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:43:14,372 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:43:14,390 - INFO - Price: $1905.25 | Action: SELL +2025-03-10 20:43:14,391 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:43:14,391 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:43:19,686 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:43:19,708 - INFO - Price: $1906.94 | Action: SELL +2025-03-10 20:43:19,708 - INFO - Balance: $101.10 | Trades: 2 | Win Rate: 100.0% | Total PnL: $1.10 +2025-03-10 20:43:19,708 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 20:43:25,014 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:43:25,043 - INFO - TAKE PROFIT hit for short at 1901.9365 | PnL: 1.50% | $0.56 +2025-03-10 20:43:25,044 - INFO - Price: $1906.67 | Action: SELL +2025-03-10 20:43:25,044 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:43:25,044 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:43:30,354 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:43:30,384 - INFO - OPENED SHORT at 1899.32 | Stop loss: 1908.8165999999997 | Take profit: 1870.8301999999999 +2025-03-10 20:43:30,384 - INFO - Price: $1905.12 | Action: SELL +2025-03-10 20:43:30,384 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:43:30,384 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:43:35,678 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:43:35,696 - INFO - Price: $1906.30 | Action: SELL +2025-03-10 20:43:35,696 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:43:35,696 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:43:41,006 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:43:41,025 - INFO - Price: $1906.93 | Action: SELL +2025-03-10 20:43:41,025 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:43:41,027 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:43:46,370 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:43:46,386 - INFO - Price: $1908.32 | Action: SELL +2025-03-10 20:43:46,387 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:43:46,387 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:43:51,714 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:43:51,736 - INFO - Price: $1906.78 | Action: SELL +2025-03-10 20:43:51,736 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:43:51,737 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:43:57,038 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:43:57,056 - INFO - Price: $1906.32 | Action: SELL +2025-03-10 20:43:57,056 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:43:57,058 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:44:02,379 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:44:02,402 - INFO - Price: $1907.59 | Action: SELL +2025-03-10 20:44:02,402 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:44:02,402 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:44:07,703 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:44:07,729 - INFO - Price: $1907.98 | Action: SELL +2025-03-10 20:44:07,730 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:44:07,730 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:44:13,068 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:44:13,084 - INFO - Price: $1908.66 | Action: SELL +2025-03-10 20:44:13,084 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:44:13,084 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:44:18,382 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:44:18,411 - INFO - Price: $1907.67 | Action: SELL +2025-03-10 20:44:18,412 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:44:18,412 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:44:23,744 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:44:23,762 - INFO - Price: $1906.37 | Action: SELL +2025-03-10 20:44:23,765 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:44:23,765 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:44:29,098 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:44:29,123 - INFO - Price: $1905.50 | Action: SELL +2025-03-10 20:44:29,124 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:44:29,124 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:44:34,434 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:44:34,462 - INFO - Price: $1906.84 | Action: SELL +2025-03-10 20:44:34,462 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:44:34,466 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:44:39,773 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:44:39,802 - INFO - Price: $1906.84 | Action: SELL +2025-03-10 20:44:39,802 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:44:39,802 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:44:45,119 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:44:45,148 - INFO - Price: $1907.52 | Action: SELL +2025-03-10 20:44:45,148 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:44:45,148 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:44:50,459 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:44:50,484 - INFO - Price: $1906.92 | Action: SELL +2025-03-10 20:44:50,484 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:44:50,484 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:44:55,791 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:44:55,818 - INFO - Price: $1907.33 | Action: SELL +2025-03-10 20:44:55,819 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:44:55,819 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:45:01,123 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:45:01,140 - INFO - Price: $1907.90 | Action: SELL +2025-03-10 20:45:01,140 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:45:01,140 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:45:06,495 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:45:06,517 - INFO - Price: $1906.89 | Action: SELL +2025-03-10 20:45:06,517 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:45:06,517 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:45:11,838 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:45:11,860 - INFO - Price: $1904.96 | Action: SELL +2025-03-10 20:45:11,860 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:45:11,860 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:45:17,195 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:45:17,226 - INFO - Price: $1905.96 | Action: SELL +2025-03-10 20:45:17,226 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:45:17,226 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:45:22,531 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:45:22,554 - INFO - Price: $1906.44 | Action: SELL +2025-03-10 20:45:22,554 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:45:22,554 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:45:27,852 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:45:27,876 - INFO - Price: $1904.91 | Action: SELL +2025-03-10 20:45:27,877 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:45:27,877 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:45:33,161 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:45:33,175 - INFO - Price: $1904.91 | Action: SELL +2025-03-10 20:45:33,175 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:45:33,175 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:45:38,481 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:45:38,496 - INFO - Price: $1902.99 | Action: SELL +2025-03-10 20:45:38,496 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:45:38,496 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:45:43,798 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:45:43,816 - INFO - Price: $1902.14 | Action: SELL +2025-03-10 20:45:43,829 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:45:43,829 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:45:49,129 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:45:49,145 - INFO - Price: $1902.56 | Action: SELL +2025-03-10 20:45:49,145 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:45:49,145 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:45:54,465 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:45:54,489 - INFO - Price: $1904.20 | Action: SELL +2025-03-10 20:45:54,489 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:45:54,489 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:45:59,813 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:45:59,839 - INFO - Price: $1904.40 | Action: SELL +2025-03-10 20:45:59,840 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:45:59,840 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:46:05,143 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:46:05,159 - INFO - Price: $1904.58 | Action: SELL +2025-03-10 20:46:05,159 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:46:05,159 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:46:10,464 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:46:10,487 - INFO - Price: $1906.05 | Action: SELL +2025-03-10 20:46:10,487 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:46:10,489 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:46:15,806 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:46:15,827 - INFO - Price: $1904.40 | Action: SELL +2025-03-10 20:46:15,828 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:46:15,828 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:46:21,135 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:46:21,150 - INFO - Price: $1904.32 | Action: SELL +2025-03-10 20:46:21,150 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:46:21,150 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:46:26,461 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:46:26,477 - INFO - Price: $1905.14 | Action: SELL +2025-03-10 20:46:26,477 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:46:26,477 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:46:31,789 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:46:31,805 - INFO - Price: $1904.43 | Action: SELL +2025-03-10 20:46:31,805 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:46:31,805 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:46:37,119 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:46:37,134 - INFO - Price: $1902.16 | Action: SELL +2025-03-10 20:46:37,134 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:46:37,135 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:46:42,433 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:46:42,445 - INFO - Price: $1902.28 | Action: SELL +2025-03-10 20:46:42,445 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:46:42,445 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:46:47,750 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:46:47,773 - INFO - Price: $1902.28 | Action: SELL +2025-03-10 20:46:47,773 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:46:47,773 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:46:53,075 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:46:53,094 - INFO - Price: $1903.41 | Action: SELL +2025-03-10 20:46:53,094 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:46:53,094 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:46:58,403 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:46:58,418 - INFO - Price: $1899.50 | Action: SELL +2025-03-10 20:46:58,418 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:46:58,418 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:47:03,726 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:47:03,742 - INFO - Price: $1898.24 | Action: SELL +2025-03-10 20:47:03,742 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:47:03,743 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:47:09,037 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:47:09,056 - INFO - Price: $1898.08 | Action: SELL +2025-03-10 20:47:09,056 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:47:09,056 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:47:14,369 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:47:14,384 - INFO - Price: $1898.21 | Action: SELL +2025-03-10 20:47:14,384 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:47:14,384 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:47:19,705 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:47:19,726 - INFO - Price: $1898.06 | Action: SELL +2025-03-10 20:47:19,726 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:47:19,726 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:47:25,073 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:47:25,088 - INFO - Price: $1899.10 | Action: SELL +2025-03-10 20:47:25,088 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:47:25,088 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:47:30,410 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:47:30,429 - INFO - Price: $1899.07 | Action: SELL +2025-03-10 20:47:30,430 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:47:30,430 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:47:35,748 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:47:35,769 - INFO - Price: $1896.67 | Action: SELL +2025-03-10 20:47:35,769 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:47:35,770 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:47:41,078 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:47:41,093 - INFO - Price: $1894.85 | Action: SELL +2025-03-10 20:47:41,093 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:47:41,094 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:47:46,394 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:47:46,414 - INFO - Price: $1894.69 | Action: SELL +2025-03-10 20:47:46,415 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:47:46,416 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:47:51,727 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:47:51,743 - INFO - Price: $1895.88 | Action: SELL +2025-03-10 20:47:51,743 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:47:51,743 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:47:57,055 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:47:57,075 - INFO - Price: $1896.45 | Action: SELL +2025-03-10 20:47:57,075 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:47:57,076 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:48:02,383 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:48:02,395 - INFO - Price: $1896.79 | Action: SELL +2025-03-10 20:48:02,395 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:48:02,395 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:48:07,706 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:48:07,732 - INFO - Price: $1896.00 | Action: SELL +2025-03-10 20:48:07,732 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:48:07,733 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:48:13,037 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:48:13,051 - INFO - Price: $1897.08 | Action: SELL +2025-03-10 20:48:13,051 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:48:13,052 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:48:18,357 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:48:18,374 - INFO - Price: $1895.56 | Action: SELL +2025-03-10 20:48:18,374 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:48:18,376 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:48:23,686 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:48:23,710 - INFO - Price: $1896.12 | Action: SELL +2025-03-10 20:48:23,711 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:48:23,712 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:48:29,028 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:48:29,046 - INFO - Price: $1892.80 | Action: SELL +2025-03-10 20:48:29,046 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:48:29,046 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:48:34,375 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:48:34,387 - INFO - Price: $1893.12 | Action: SELL +2025-03-10 20:48:34,387 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:48:34,392 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:48:39,718 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:48:39,736 - INFO - Price: $1892.70 | Action: SELL +2025-03-10 20:48:39,736 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:48:39,737 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:48:45,061 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:48:45,078 - INFO - Price: $1891.00 | Action: SELL +2025-03-10 20:48:45,078 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:48:45,079 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:48:50,391 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:48:50,403 - INFO - Price: $1890.43 | Action: SELL +2025-03-10 20:48:50,405 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:48:50,405 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:48:55,712 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:48:55,731 - INFO - Price: $1893.25 | Action: SELL +2025-03-10 20:48:55,731 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:48:55,731 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:49:01,027 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:49:01,055 - INFO - Price: $1892.18 | Action: SELL +2025-03-10 20:49:01,055 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:49:01,055 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:49:06,383 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:49:06,401 - INFO - Price: $1893.01 | Action: SELL +2025-03-10 20:49:06,402 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:49:06,402 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:49:11,714 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:49:11,729 - INFO - Price: $1893.22 | Action: SELL +2025-03-10 20:49:11,729 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:49:11,730 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:49:17,043 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:49:17,070 - INFO - Price: $1891.61 | Action: SELL +2025-03-10 20:49:17,071 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:49:17,071 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:49:22,402 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:49:22,421 - INFO - Price: $1890.43 | Action: SELL +2025-03-10 20:49:22,421 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:49:22,421 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:49:27,762 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:49:27,779 - INFO - Price: $1889.74 | Action: SELL +2025-03-10 20:49:27,780 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:49:27,780 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:49:33,092 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:49:33,105 - INFO - Price: $1891.58 | Action: SELL +2025-03-10 20:49:33,105 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:49:33,105 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:49:38,421 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:49:38,435 - INFO - Price: $1891.86 | Action: SELL +2025-03-10 20:49:38,435 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:49:38,435 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:49:43,752 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:49:43,779 - INFO - Price: $1890.68 | Action: SELL +2025-03-10 20:49:43,779 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:49:43,779 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:49:49,105 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:49:49,126 - INFO - Price: $1890.55 | Action: SELL +2025-03-10 20:49:49,126 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:49:49,126 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:49:54,447 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:49:54,464 - INFO - Price: $1890.04 | Action: SELL +2025-03-10 20:49:54,465 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:49:54,465 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:49:59,758 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:49:59,795 - INFO - Price: $1890.94 | Action: SELL +2025-03-10 20:49:59,796 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:49:59,796 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:50:05,122 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:50:05,141 - INFO - Price: $1891.26 | Action: SELL +2025-03-10 20:50:05,141 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:50:05,142 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:50:10,463 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:50:10,485 - INFO - Price: $1891.99 | Action: SELL +2025-03-10 20:50:10,487 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:50:10,487 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:50:15,801 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:50:15,816 - INFO - Price: $1891.89 | Action: SELL +2025-03-10 20:50:15,816 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:50:15,817 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:50:21,138 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:50:21,142 - INFO - Price: $1891.78 | Action: SELL +2025-03-10 20:50:21,142 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:50:21,142 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:50:26,480 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:50:26,499 - INFO - Price: $1892.13 | Action: SELL +2025-03-10 20:50:26,499 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:50:26,500 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:50:31,826 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:50:31,844 - INFO - Price: $1893.28 | Action: SELL +2025-03-10 20:50:31,844 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:50:31,844 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:50:37,141 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:50:37,165 - INFO - Price: $1892.58 | Action: SELL +2025-03-10 20:50:37,165 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:50:37,165 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:50:42,498 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:50:42,521 - INFO - Price: $1892.19 | Action: SELL +2025-03-10 20:50:42,521 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:50:42,523 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:50:47,825 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:50:47,847 - INFO - Price: $1893.22 | Action: SELL +2025-03-10 20:50:47,847 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:50:47,847 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:50:53,166 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:50:53,182 - INFO - Price: $1893.22 | Action: SELL +2025-03-10 20:50:53,182 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:50:53,182 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:50:58,512 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:50:58,532 - INFO - Price: $1892.54 | Action: SELL +2025-03-10 20:50:58,532 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:50:58,533 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:51:03,831 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:51:03,846 - INFO - Price: $1893.01 | Action: SELL +2025-03-10 20:51:03,846 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:51:03,847 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:51:09,151 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:51:09,175 - INFO - Price: $1894.71 | Action: SELL +2025-03-10 20:51:09,176 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:51:09,176 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:51:14,493 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:51:14,507 - INFO - Price: $1893.55 | Action: SELL +2025-03-10 20:51:14,507 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:51:14,507 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:51:19,809 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:51:19,832 - INFO - Price: $1890.90 | Action: SELL +2025-03-10 20:51:19,832 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:51:19,832 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:51:25,128 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:51:25,147 - INFO - Price: $1889.95 | Action: SELL +2025-03-10 20:51:25,147 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:51:25,159 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:51:30,489 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:51:30,508 - INFO - Price: $1890.17 | Action: SELL +2025-03-10 20:51:30,508 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:51:30,509 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:51:35,845 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:51:35,865 - INFO - Price: $1889.00 | Action: SELL +2025-03-10 20:51:35,865 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:51:35,865 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:51:41,179 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:51:41,197 - INFO - Price: $1884.44 | Action: SELL +2025-03-10 20:51:41,197 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:51:41,198 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:51:46,508 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:51:46,535 - INFO - Price: $1881.92 | Action: SELL +2025-03-10 20:51:46,536 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:51:46,536 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:51:51,868 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:51:51,886 - INFO - Price: $1883.65 | Action: SELL +2025-03-10 20:51:51,886 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:51:51,887 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:51:57,192 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:51:57,203 - INFO - Price: $1883.65 | Action: SELL +2025-03-10 20:51:57,203 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:51:57,213 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:52:02,541 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:52:02,557 - INFO - Price: $1886.62 | Action: SELL +2025-03-10 20:52:02,558 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:52:02,558 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:52:07,865 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:52:07,886 - INFO - Price: $1885.00 | Action: SELL +2025-03-10 20:52:07,886 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:52:07,887 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:52:13,216 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:52:13,235 - INFO - Price: $1885.72 | Action: SELL +2025-03-10 20:52:13,235 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:52:13,235 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:52:18,593 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:52:18,615 - INFO - Price: $1883.34 | Action: SELL +2025-03-10 20:52:18,615 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:52:18,615 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:52:23,937 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:52:23,958 - INFO - Price: $1883.07 | Action: SELL +2025-03-10 20:52:23,958 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:52:23,959 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:52:29,264 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:52:29,281 - INFO - Price: $1883.99 | Action: SELL +2025-03-10 20:52:29,281 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:52:29,281 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:52:34,620 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:52:34,633 - INFO - Price: $1881.92 | Action: SELL +2025-03-10 20:52:34,633 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:52:34,633 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:52:39,952 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:52:39,967 - INFO - Price: $1884.00 | Action: SELL +2025-03-10 20:52:39,968 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:52:39,969 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:52:45,290 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:52:45,311 - INFO - Price: $1884.25 | Action: SELL +2025-03-10 20:52:45,312 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:52:45,312 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:52:50,647 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:52:50,670 - INFO - Price: $1883.76 | Action: SELL +2025-03-10 20:52:50,670 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:52:50,670 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:52:55,980 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:52:56,000 - INFO - Price: $1882.12 | Action: SELL +2025-03-10 20:52:56,000 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:52:56,001 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:53:01,342 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:53:01,352 - INFO - Price: $1879.21 | Action: SELL +2025-03-10 20:53:01,352 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:53:01,362 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:53:06,657 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:53:06,680 - INFO - Price: $1881.99 | Action: SELL +2025-03-10 20:53:06,680 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:53:06,680 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:53:11,994 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:53:12,012 - INFO - Price: $1877.85 | Action: SELL +2025-03-10 20:53:12,012 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:53:12,012 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:53:17,454 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:53:17,469 - INFO - Price: $1876.00 | Action: SELL +2025-03-10 20:53:17,469 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:53:17,469 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:53:22,803 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:53:22,823 - INFO - Price: $1868.68 | Action: SELL +2025-03-10 20:53:22,823 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:53:22,824 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:53:28,118 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:53:28,134 - INFO - Price: $1871.90 | Action: SELL +2025-03-10 20:53:28,135 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:53:28,136 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:53:33,431 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:53:33,453 - INFO - Price: $1870.58 | Action: SELL +2025-03-10 20:53:33,453 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:53:33,457 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:53:38,801 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:53:38,819 - INFO - Price: $1861.83 | Action: SELL +2025-03-10 20:53:38,819 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:53:38,820 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:53:44,126 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:53:44,147 - INFO - Price: $1862.05 | Action: SELL +2025-03-10 20:53:44,147 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:53:44,147 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:53:49,454 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:53:49,469 - INFO - Price: $1856.84 | Action: SELL +2025-03-10 20:53:49,469 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:53:49,472 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:53:54,782 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:53:54,802 - INFO - Price: $1859.99 | Action: SELL +2025-03-10 20:53:54,802 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:53:54,804 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:54:00,125 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:54:00,144 - INFO - Price: $1861.59 | Action: SELL +2025-03-10 20:54:00,144 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:54:00,144 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:54:05,461 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:54:05,478 - INFO - Price: $1863.69 | Action: SELL +2025-03-10 20:54:05,478 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:54:05,479 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:54:10,797 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:54:10,819 - INFO - Price: $1856.25 | Action: SELL +2025-03-10 20:54:10,819 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:54:10,819 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:54:16,123 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:54:16,142 - INFO - Price: $1854.13 | Action: SELL +2025-03-10 20:54:16,142 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:54:16,142 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:54:21,453 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:54:21,481 - INFO - Price: $1859.99 | Action: SELL +2025-03-10 20:54:21,482 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:54:21,482 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:54:26,804 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:54:26,818 - INFO - Price: $1856.94 | Action: SELL +2025-03-10 20:54:26,818 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:54:26,818 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:54:32,136 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:54:32,151 - INFO - Price: $1853.42 | Action: SELL +2025-03-10 20:54:32,151 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:54:32,153 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:54:37,483 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:54:37,506 - INFO - Price: $1857.55 | Action: SELL +2025-03-10 20:54:37,506 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:54:37,506 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:54:42,879 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:54:42,900 - INFO - Price: $1851.00 | Action: SELL +2025-03-10 20:54:42,901 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:54:42,901 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:54:48,213 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:54:48,234 - INFO - Price: $1851.90 | Action: SELL +2025-03-10 20:54:48,234 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:54:48,234 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:54:53,549 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:54:53,565 - INFO - Price: $1855.37 | Action: SELL +2025-03-10 20:54:53,565 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:54:53,565 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:54:58,893 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:54:58,914 - INFO - Price: $1852.93 | Action: SELL +2025-03-10 20:54:58,914 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:54:58,914 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:55:04,294 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:55:04,314 - INFO - Price: $1855.53 | Action: SELL +2025-03-10 20:55:04,315 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:55:04,315 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:55:09,635 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:55:09,655 - INFO - Price: $1852.45 | Action: SELL +2025-03-10 20:55:09,655 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:55:09,657 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:55:14,955 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:55:14,983 - INFO - Price: $1850.05 | Action: SELL +2025-03-10 20:55:14,983 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:55:14,984 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:55:20,274 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:55:20,299 - INFO - Price: $1849.97 | Action: SELL +2025-03-10 20:55:20,300 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:55:20,300 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:55:25,619 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:55:25,633 - INFO - Price: $1850.13 | Action: SELL +2025-03-10 20:55:25,633 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:55:25,637 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:55:31,015 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:55:31,033 - INFO - Price: $1849.30 | Action: SELL +2025-03-10 20:55:31,034 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:55:31,034 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:55:36,350 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:55:36,375 - INFO - Price: $1846.13 | Action: SELL +2025-03-10 20:55:36,375 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:55:36,376 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:55:41,671 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:55:41,689 - INFO - Price: $1848.37 | Action: SELL +2025-03-10 20:55:41,690 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:55:41,690 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:55:46,984 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:55:47,000 - INFO - Price: $1840.37 | Action: SELL +2025-03-10 20:55:47,000 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:55:47,001 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:55:52,409 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:55:52,438 - INFO - Price: $1847.83 | Action: SELL +2025-03-10 20:55:52,440 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:55:52,440 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:55:57,734 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:55:57,760 - INFO - Price: $1848.42 | Action: SELL +2025-03-10 20:55:57,760 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:55:57,761 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:56:03,084 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:56:03,105 - INFO - Price: $1850.01 | Action: SELL +2025-03-10 20:56:03,105 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:56:03,105 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:56:08,404 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:56:08,417 - INFO - Price: $1848.28 | Action: SELL +2025-03-10 20:56:08,417 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:56:08,417 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:56:13,700 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:56:13,721 - INFO - Price: $1849.92 | Action: SELL +2025-03-10 20:56:13,721 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:56:13,721 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:56:19,029 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:56:19,045 - INFO - Price: $1854.50 | Action: SELL +2025-03-10 20:56:19,045 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:56:19,046 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:56:24,349 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:56:24,368 - INFO - Price: $1854.91 | Action: SELL +2025-03-10 20:56:24,369 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:56:24,370 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:56:29,685 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:56:29,701 - INFO - Price: $1854.29 | Action: SELL +2025-03-10 20:56:29,705 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:56:29,706 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:56:35,032 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:56:35,050 - INFO - Price: $1856.22 | Action: SELL +2025-03-10 20:56:35,051 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:56:35,051 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:56:40,366 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:56:40,382 - INFO - Price: $1855.72 | Action: SELL +2025-03-10 20:56:40,382 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:56:40,383 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:56:45,691 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:56:45,711 - INFO - Price: $1855.88 | Action: SELL +2025-03-10 20:56:45,711 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:56:45,711 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:56:51,014 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:56:51,031 - INFO - Price: $1855.27 | Action: SELL +2025-03-10 20:56:51,031 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:56:51,031 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:56:56,348 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:56:56,363 - INFO - Price: $1857.08 | Action: SELL +2025-03-10 20:56:56,363 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:56:56,363 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:57:01,680 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:57:01,700 - INFO - Price: $1857.91 | Action: SELL +2025-03-10 20:57:01,700 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:57:01,701 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:57:07,012 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:57:07,035 - INFO - Price: $1859.46 | Action: SELL +2025-03-10 20:57:07,035 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:57:07,037 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:57:12,357 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:57:12,375 - INFO - Price: $1857.01 | Action: SELL +2025-03-10 20:57:12,376 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:57:12,376 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:57:17,702 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:57:17,760 - INFO - Price: $1853.53 | Action: SELL +2025-03-10 20:57:17,760 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:57:17,761 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:57:23,074 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:57:23,085 - INFO - Price: $1850.08 | Action: SELL +2025-03-10 20:57:23,085 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:57:23,091 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:57:28,406 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:57:28,424 - INFO - Price: $1850.56 | Action: SELL +2025-03-10 20:57:28,424 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:57:28,425 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:57:33,737 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:57:33,752 - INFO - Price: $1846.51 | Action: SELL +2025-03-10 20:57:33,752 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:57:33,753 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:57:39,078 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:57:39,095 - INFO - Price: $1849.10 | Action: SELL +2025-03-10 20:57:39,095 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:57:39,096 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:57:44,398 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:57:44,416 - INFO - Price: $1850.62 | Action: SELL +2025-03-10 20:57:44,417 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:57:44,417 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:57:49,721 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:57:49,738 - INFO - Price: $1851.12 | Action: SELL +2025-03-10 20:57:49,738 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:57:49,739 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:57:55,054 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:57:55,072 - INFO - Price: $1852.05 | Action: SELL +2025-03-10 20:57:55,072 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:57:55,072 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:58:00,378 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:58:00,392 - INFO - Price: $1850.09 | Action: SELL +2025-03-10 20:58:00,392 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:58:00,392 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:58:05,711 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:58:05,725 - INFO - Price: $1849.99 | Action: SELL +2025-03-10 20:58:05,725 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:58:05,725 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:58:11,034 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:58:11,049 - INFO - Price: $1849.53 | Action: SELL +2025-03-10 20:58:11,050 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:58:11,050 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:58:16,357 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:58:16,375 - INFO - Price: $1845.88 | Action: SELL +2025-03-10 20:58:16,376 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:58:16,377 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:58:21,681 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:58:21,695 - INFO - Price: $1845.00 | Action: SELL +2025-03-10 20:58:21,695 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:58:21,695 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:58:26,997 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:58:27,017 - INFO - Price: $1844.26 | Action: SELL +2025-03-10 20:58:27,017 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:58:27,017 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:58:32,327 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:58:32,349 - INFO - Price: $1839.00 | Action: SELL +2025-03-10 20:58:32,349 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:58:32,350 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:58:37,666 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:58:37,688 - INFO - Price: $1839.87 | Action: SELL +2025-03-10 20:58:37,688 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:58:37,688 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:58:43,004 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:58:43,023 - INFO - Price: $1841.90 | Action: SELL +2025-03-10 20:58:43,023 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:58:43,023 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:58:48,335 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:58:48,351 - INFO - Price: $1840.07 | Action: SELL +2025-03-10 20:58:48,351 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:58:48,351 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:58:53,671 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:58:53,690 - INFO - Price: $1832.00 | Action: SELL +2025-03-10 20:58:53,691 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:58:53,691 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:58:59,007 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:58:59,025 - INFO - Price: $1838.31 | Action: SELL +2025-03-10 20:58:59,026 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:58:59,026 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:59:04,351 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:59:04,367 - INFO - Price: $1841.90 | Action: SELL +2025-03-10 20:59:04,367 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:59:04,367 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:59:09,709 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:59:09,733 - INFO - Price: $1839.30 | Action: SELL +2025-03-10 20:59:09,734 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:59:09,734 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:59:15,049 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:59:15,067 - INFO - Price: $1837.82 | Action: SELL +2025-03-10 20:59:15,067 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:59:15,067 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:59:20,366 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:59:20,383 - INFO - Price: $1838.21 | Action: SELL +2025-03-10 20:59:20,384 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:59:20,384 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:59:25,719 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:59:25,741 - INFO - Price: $1833.57 | Action: SELL +2025-03-10 20:59:25,742 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:59:25,742 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:59:31,045 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:59:31,061 - INFO - Price: $1826.36 | Action: SELL +2025-03-10 20:59:31,061 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:59:31,062 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:59:36,373 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:59:36,393 - INFO - Price: $1820.00 | Action: SELL +2025-03-10 20:59:36,394 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:59:36,395 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:59:41,749 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:59:41,766 - INFO - Price: $1822.36 | Action: SELL +2025-03-10 20:59:41,767 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:59:41,767 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:59:47,085 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:59:47,104 - INFO - Price: $1816.81 | Action: SELL +2025-03-10 20:59:47,104 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:59:47,105 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:59:52,422 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:59:52,441 - INFO - Price: $1821.12 | Action: SELL +2025-03-10 20:59:52,441 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:59:52,443 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 20:59:57,763 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 20:59:57,778 - INFO - Price: $1822.30 | Action: SELL +2025-03-10 20:59:57,779 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 20:59:57,780 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:00:03,096 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:00:03,114 - INFO - Price: $1824.22 | Action: SELL +2025-03-10 21:00:03,114 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 21:00:03,115 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:00:08,435 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:00:08,456 - INFO - Price: $1820.98 | Action: SELL +2025-03-10 21:00:08,456 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 21:00:08,457 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:00:13,791 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:00:13,805 - INFO - Price: $1813.00 | Action: SELL +2025-03-10 21:00:13,805 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 21:00:13,805 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:00:19,100 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:00:19,123 - INFO - Price: $1814.17 | Action: SELL +2025-03-10 21:00:19,123 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 21:00:19,123 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:00:24,453 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:00:24,469 - INFO - Price: $1822.36 | Action: SELL +2025-03-10 21:00:24,469 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 21:00:24,469 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:00:29,801 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:00:29,820 - INFO - Price: $1824.62 | Action: SELL +2025-03-10 21:00:29,823 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 21:00:29,823 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:00:35,204 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:00:35,222 - INFO - Price: $1830.87 | Action: SELL +2025-03-10 21:00:35,222 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 21:00:35,223 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:00:40,537 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:00:40,554 - INFO - Price: $1831.74 | Action: SELL +2025-03-10 21:00:40,554 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 21:00:40,556 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:00:45,863 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:00:45,880 - INFO - Price: $1834.61 | Action: SELL +2025-03-10 21:00:45,880 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 21:00:45,880 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:00:51,216 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:00:51,234 - INFO - Price: $1837.15 | Action: SELL +2025-03-10 21:00:51,234 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 21:00:51,234 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:00:56,556 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:00:56,573 - INFO - Price: $1837.70 | Action: SELL +2025-03-10 21:00:56,573 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 21:00:56,573 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:01:01,896 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:01:01,911 - INFO - Price: $1841.97 | Action: SELL +2025-03-10 21:01:01,911 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 21:01:01,911 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:01:07,251 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:01:07,266 - INFO - Price: $1840.86 | Action: SELL +2025-03-10 21:01:07,266 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 21:01:07,268 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:01:12,569 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:01:12,582 - INFO - Price: $1840.91 | Action: SELL +2025-03-10 21:01:12,582 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 21:01:12,582 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:01:17,931 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:01:17,946 - INFO - Price: $1838.85 | Action: SELL +2025-03-10 21:01:17,946 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 21:01:17,946 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:01:23,280 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:01:23,298 - INFO - Price: $1839.15 | Action: SELL +2025-03-10 21:01:23,298 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 21:01:23,298 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:01:28,625 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:01:28,645 - INFO - Price: $1838.37 | Action: SELL +2025-03-10 21:01:28,645 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 21:01:28,646 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:01:34,066 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:01:34,085 - INFO - Price: $1836.25 | Action: SELL +2025-03-10 21:01:34,085 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 21:01:34,086 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:01:39,412 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:01:39,428 - INFO - Price: $1831.77 | Action: SELL +2025-03-10 21:01:39,428 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 21:01:39,429 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:01:44,736 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:01:44,757 - INFO - Price: $1830.19 | Action: SELL +2025-03-10 21:01:44,757 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 21:01:44,757 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:01:50,123 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:01:50,140 - INFO - Price: $1831.40 | Action: SELL +2025-03-10 21:01:50,141 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 21:01:50,141 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:01:55,477 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:01:55,496 - INFO - Price: $1835.74 | Action: SELL +2025-03-10 21:01:55,496 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 21:01:55,497 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:02:00,826 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:02:00,844 - INFO - Price: $1834.73 | Action: SELL +2025-03-10 21:02:00,844 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 21:02:00,845 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:02:06,169 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:02:06,185 - INFO - Price: $1836.07 | Action: SELL +2025-03-10 21:02:06,185 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 21:02:06,185 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:02:11,511 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:02:11,531 - INFO - Price: $1835.06 | Action: SELL +2025-03-10 21:02:11,531 - INFO - Balance: $101.66 | Trades: 3 | Win Rate: 100.0% | Total PnL: $1.66 +2025-03-10 21:02:11,532 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:02:16,847 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:02:16,863 - INFO - TAKE PROFIT hit for short at 1870.8301999999999 | PnL: 1.50% | $0.56 +2025-03-10 21:02:16,864 - INFO - Price: $1835.90 | Action: SELL +2025-03-10 21:02:16,864 - INFO - Balance: $102.23 | Trades: 4 | Win Rate: 100.0% | Total PnL: $2.23 +2025-03-10 21:02:16,865 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:02:22,175 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:02:22,188 - INFO - OPENED SHORT at 1871.9 | Stop loss: 1881.2595 | Take profit: 1843.8215 +2025-03-10 21:02:22,189 - INFO - Price: $1828.26 | Action: SELL +2025-03-10 21:02:22,189 - INFO - Balance: $102.23 | Trades: 4 | Win Rate: 100.0% | Total PnL: $2.23 +2025-03-10 21:02:22,189 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:02:27,512 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:02:27,527 - INFO - Price: $1825.53 | Action: SELL +2025-03-10 21:02:27,527 - INFO - Balance: $102.23 | Trades: 4 | Win Rate: 100.0% | Total PnL: $2.23 +2025-03-10 21:02:27,527 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:02:32,830 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:02:32,842 - INFO - Price: $1824.08 | Action: SELL +2025-03-10 21:02:32,842 - INFO - Balance: $102.23 | Trades: 4 | Win Rate: 100.0% | Total PnL: $2.23 +2025-03-10 21:02:32,842 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:02:38,142 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:02:38,157 - INFO - Price: $1826.48 | Action: SELL +2025-03-10 21:02:38,157 - INFO - Balance: $102.23 | Trades: 4 | Win Rate: 100.0% | Total PnL: $2.23 +2025-03-10 21:02:38,157 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:02:43,473 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:02:43,496 - INFO - Price: $1827.30 | Action: SELL +2025-03-10 21:02:43,497 - INFO - Balance: $102.23 | Trades: 4 | Win Rate: 100.0% | Total PnL: $2.23 +2025-03-10 21:02:43,497 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:02:48,822 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:02:48,844 - INFO - Price: $1828.27 | Action: SELL +2025-03-10 21:02:48,844 - INFO - Balance: $102.23 | Trades: 4 | Win Rate: 100.0% | Total PnL: $2.23 +2025-03-10 21:02:48,845 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:02:54,162 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:02:54,181 - INFO - Price: $1831.41 | Action: SELL +2025-03-10 21:02:54,181 - INFO - Balance: $102.23 | Trades: 4 | Win Rate: 100.0% | Total PnL: $2.23 +2025-03-10 21:02:54,182 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:02:59,486 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:02:59,500 - INFO - Price: $1830.25 | Action: SELL +2025-03-10 21:02:59,501 - INFO - Balance: $102.23 | Trades: 4 | Win Rate: 100.0% | Total PnL: $2.23 +2025-03-10 21:02:59,501 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:03:04,814 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:03:04,831 - INFO - Price: $1825.83 | Action: SELL +2025-03-10 21:03:04,831 - INFO - Balance: $102.23 | Trades: 4 | Win Rate: 100.0% | Total PnL: $2.23 +2025-03-10 21:03:04,831 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:03:10,136 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:03:10,158 - INFO - Price: $1827.67 | Action: SELL +2025-03-10 21:03:10,158 - INFO - Balance: $102.23 | Trades: 4 | Win Rate: 100.0% | Total PnL: $2.23 +2025-03-10 21:03:10,159 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:03:15,453 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:03:15,473 - INFO - Price: $1829.65 | Action: SELL +2025-03-10 21:03:15,473 - INFO - Balance: $102.23 | Trades: 4 | Win Rate: 100.0% | Total PnL: $2.23 +2025-03-10 21:03:15,474 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:03:20,783 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:03:20,802 - INFO - Price: $1827.87 | Action: SELL +2025-03-10 21:03:20,803 - INFO - Balance: $102.23 | Trades: 4 | Win Rate: 100.0% | Total PnL: $2.23 +2025-03-10 21:03:20,803 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:03:26,193 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:03:26,211 - INFO - Price: $1823.50 | Action: SELL +2025-03-10 21:03:26,212 - INFO - Balance: $102.23 | Trades: 4 | Win Rate: 100.0% | Total PnL: $2.23 +2025-03-10 21:03:26,212 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:03:31,518 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:03:31,534 - INFO - Price: $1821.02 | Action: SELL +2025-03-10 21:03:31,534 - INFO - Balance: $102.23 | Trades: 4 | Win Rate: 100.0% | Total PnL: $2.23 +2025-03-10 21:03:31,535 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:03:36,850 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:03:36,872 - INFO - Price: $1821.58 | Action: SELL +2025-03-10 21:03:36,872 - INFO - Balance: $102.23 | Trades: 4 | Win Rate: 100.0% | Total PnL: $2.23 +2025-03-10 21:03:36,872 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:03:42,190 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:03:42,206 - INFO - Price: $1821.89 | Action: SELL +2025-03-10 21:03:42,206 - INFO - Balance: $102.23 | Trades: 4 | Win Rate: 100.0% | Total PnL: $2.23 +2025-03-10 21:03:42,206 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:03:47,525 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:03:47,543 - INFO - Price: $1817.03 | Action: SELL +2025-03-10 21:03:47,544 - INFO - Balance: $102.23 | Trades: 4 | Win Rate: 100.0% | Total PnL: $2.23 +2025-03-10 21:03:47,544 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:03:52,857 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:03:52,873 - INFO - Price: $1820.14 | Action: SELL +2025-03-10 21:03:52,873 - INFO - Balance: $102.23 | Trades: 4 | Win Rate: 100.0% | Total PnL: $2.23 +2025-03-10 21:03:52,874 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:03:58,198 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:03:58,210 - INFO - Price: $1820.00 | Action: SELL +2025-03-10 21:03:58,210 - INFO - Balance: $102.23 | Trades: 4 | Win Rate: 100.0% | Total PnL: $2.23 +2025-03-10 21:03:58,210 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:04:03,551 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:04:03,571 - INFO - Price: $1822.56 | Action: SELL +2025-03-10 21:04:03,571 - INFO - Balance: $102.23 | Trades: 4 | Win Rate: 100.0% | Total PnL: $2.23 +2025-03-10 21:04:03,572 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:04:08,896 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:04:08,917 - INFO - Price: $1823.21 | Action: SELL +2025-03-10 21:04:08,917 - INFO - Balance: $102.23 | Trades: 4 | Win Rate: 100.0% | Total PnL: $2.23 +2025-03-10 21:04:08,917 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:04:14,689 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:04:14,701 - INFO - Price: $1825.98 | Action: SELL +2025-03-10 21:04:14,701 - INFO - Balance: $102.23 | Trades: 4 | Win Rate: 100.0% | Total PnL: $2.23 +2025-03-10 21:04:14,701 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:04:20,006 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:04:20,030 - INFO - Price: $1819.96 | Action: SELL +2025-03-10 21:04:20,030 - INFO - Balance: $102.23 | Trades: 4 | Win Rate: 100.0% | Total PnL: $2.23 +2025-03-10 21:04:20,031 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:04:25,347 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:04:25,366 - INFO - Price: $1820.04 | Action: SELL +2025-03-10 21:04:25,366 - INFO - Balance: $102.23 | Trades: 4 | Win Rate: 100.0% | Total PnL: $2.23 +2025-03-10 21:04:25,367 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:04:30,668 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:04:30,682 - INFO - Price: $1822.52 | Action: SELL +2025-03-10 21:04:30,683 - INFO - Balance: $102.23 | Trades: 4 | Win Rate: 100.0% | Total PnL: $2.23 +2025-03-10 21:04:30,683 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:04:35,982 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:04:35,999 - INFO - Price: $1822.92 | Action: SELL +2025-03-10 21:04:36,000 - INFO - Balance: $102.23 | Trades: 4 | Win Rate: 100.0% | Total PnL: $2.23 +2025-03-10 21:04:36,000 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:04:41,306 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:04:41,321 - INFO - TAKE PROFIT hit for short at 1843.8215 | PnL: 1.50% | $0.56 +2025-03-10 21:04:41,323 - INFO - Price: $1824.81 | Action: SELL +2025-03-10 21:04:41,323 - INFO - Balance: $102.79 | Trades: 5 | Win Rate: 100.0% | Total PnL: $2.79 +2025-03-10 21:04:41,323 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:04:46,617 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:04:46,634 - INFO - OPENED SHORT at 1847.83 | Stop loss: 1857.0691499999998 | Take profit: 1820.1125499999998 +2025-03-10 21:04:46,635 - INFO - Price: $1826.13 | Action: SELL +2025-03-10 21:04:46,635 - INFO - Balance: $102.79 | Trades: 5 | Win Rate: 100.0% | Total PnL: $2.79 +2025-03-10 21:04:46,636 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:04:51,966 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:04:51,980 - INFO - Price: $1828.80 | Action: SELL +2025-03-10 21:04:51,980 - INFO - Balance: $102.79 | Trades: 5 | Win Rate: 100.0% | Total PnL: $2.79 +2025-03-10 21:04:51,980 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:04:57,296 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:04:57,314 - INFO - Price: $1826.81 | Action: SELL +2025-03-10 21:04:57,314 - INFO - Balance: $102.79 | Trades: 5 | Win Rate: 100.0% | Total PnL: $2.79 +2025-03-10 21:04:57,315 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:05:03,092 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:05:03,106 - INFO - Price: $1827.70 | Action: SELL +2025-03-10 21:05:03,109 - INFO - Balance: $102.79 | Trades: 5 | Win Rate: 100.0% | Total PnL: $2.79 +2025-03-10 21:05:03,109 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:05:08,464 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:05:08,485 - INFO - Price: $1832.74 | Action: SELL +2025-03-10 21:05:08,485 - INFO - Balance: $102.79 | Trades: 5 | Win Rate: 100.0% | Total PnL: $2.79 +2025-03-10 21:05:08,486 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:05:13,799 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:05:13,822 - INFO - Price: $1832.81 | Action: SELL +2025-03-10 21:05:13,823 - INFO - Balance: $102.79 | Trades: 5 | Win Rate: 100.0% | Total PnL: $2.79 +2025-03-10 21:05:13,823 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:05:19,134 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:05:19,152 - INFO - Price: $1837.12 | Action: SELL +2025-03-10 21:05:19,152 - INFO - Balance: $102.79 | Trades: 5 | Win Rate: 100.0% | Total PnL: $2.79 +2025-03-10 21:05:19,152 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:05:24,466 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:05:24,484 - INFO - Price: $1840.00 | Action: SELL +2025-03-10 21:05:24,484 - INFO - Balance: $102.79 | Trades: 5 | Win Rate: 100.0% | Total PnL: $2.79 +2025-03-10 21:05:24,485 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:05:29,800 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:05:29,816 - INFO - Price: $1839.00 | Action: SELL +2025-03-10 21:05:29,819 - INFO - Balance: $102.79 | Trades: 5 | Win Rate: 100.0% | Total PnL: $2.79 +2025-03-10 21:05:29,819 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:05:35,128 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:05:35,143 - INFO - Price: $1839.66 | Action: SELL +2025-03-10 21:05:35,144 - INFO - Balance: $102.79 | Trades: 5 | Win Rate: 100.0% | Total PnL: $2.79 +2025-03-10 21:05:35,144 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:05:40,460 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:05:40,475 - INFO - Price: $1843.28 | Action: SELL +2025-03-10 21:05:40,475 - INFO - Balance: $102.79 | Trades: 5 | Win Rate: 100.0% | Total PnL: $2.79 +2025-03-10 21:05:40,475 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:05:45,794 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:05:45,810 - INFO - Price: $1840.46 | Action: SELL +2025-03-10 21:05:45,810 - INFO - Balance: $102.79 | Trades: 5 | Win Rate: 100.0% | Total PnL: $2.79 +2025-03-10 21:05:45,811 - INFO - Recent Performance: Win Rate=100.0% in uptrends, 100.0% in downtrends +2025-03-10 21:05:51,130 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:05:51,140 - INFO - STOP LOSS hit for short at 1857.0691499999998 | PnL: -0.50% | $-0.24 +2025-03-10 21:05:51,140 - INFO - Price: $1840.45 | Action: SELL +2025-03-10 21:05:51,147 - INFO - Balance: $102.54 | Trades: 6 | Win Rate: 83.3% | Total PnL: $2.54 +2025-03-10 21:05:51,147 - INFO - Recent Performance: Win Rate=66.7% in uptrends, 100.0% in downtrends +2025-03-10 21:05:56,450 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:05:56,472 - INFO - OPENED SHORT at 1857.91 | Stop loss: 1867.1995499999998 | Take profit: 1830.04135 +2025-03-10 21:05:56,472 - INFO - Price: $1837.48 | Action: SELL +2025-03-10 21:05:56,474 - INFO - Balance: $102.54 | Trades: 6 | Win Rate: 83.3% | Total PnL: $2.54 +2025-03-10 21:05:56,474 - INFO - Recent Performance: Win Rate=66.7% in uptrends, 100.0% in downtrends +2025-03-10 21:06:01,808 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:06:01,822 - INFO - Price: $1836.01 | Action: SELL +2025-03-10 21:06:01,823 - INFO - Balance: $102.54 | Trades: 6 | Win Rate: 83.3% | Total PnL: $2.54 +2025-03-10 21:06:01,823 - INFO - Recent Performance: Win Rate=66.7% in uptrends, 100.0% in downtrends +2025-03-10 21:06:07,127 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:06:07,141 - INFO - Price: $1838.85 | Action: SELL +2025-03-10 21:06:07,141 - INFO - Balance: $102.54 | Trades: 6 | Win Rate: 83.3% | Total PnL: $2.54 +2025-03-10 21:06:07,141 - INFO - Recent Performance: Win Rate=66.7% in uptrends, 100.0% in downtrends +2025-03-10 21:06:12,456 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:06:12,473 - INFO - Price: $1843.88 | Action: SELL +2025-03-10 21:06:12,473 - INFO - Balance: $102.54 | Trades: 6 | Win Rate: 83.3% | Total PnL: $2.54 +2025-03-10 21:06:12,474 - INFO - Recent Performance: Win Rate=66.7% in uptrends, 100.0% in downtrends +2025-03-10 21:06:17,807 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:06:17,822 - INFO - Price: $1842.11 | Action: SELL +2025-03-10 21:06:17,822 - INFO - Balance: $102.54 | Trades: 6 | Win Rate: 83.3% | Total PnL: $2.54 +2025-03-10 21:06:17,823 - INFO - Recent Performance: Win Rate=66.7% in uptrends, 100.0% in downtrends +2025-03-10 21:06:23,137 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:06:23,150 - INFO - Price: $1840.53 | Action: SELL +2025-03-10 21:06:23,151 - INFO - Balance: $102.54 | Trades: 6 | Win Rate: 83.3% | Total PnL: $2.54 +2025-03-10 21:06:23,151 - INFO - Recent Performance: Win Rate=66.7% in uptrends, 100.0% in downtrends +2025-03-10 21:06:28,461 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:06:28,487 - INFO - Price: $1839.24 | Action: SELL +2025-03-10 21:06:28,487 - INFO - Balance: $102.54 | Trades: 6 | Win Rate: 83.3% | Total PnL: $2.54 +2025-03-10 21:06:28,487 - INFO - Recent Performance: Win Rate=66.7% in uptrends, 100.0% in downtrends +2025-03-10 21:06:33,801 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:06:33,824 - INFO - Price: $1838.34 | Action: SELL +2025-03-10 21:06:33,825 - INFO - Balance: $102.54 | Trades: 6 | Win Rate: 83.3% | Total PnL: $2.54 +2025-03-10 21:06:33,825 - INFO - Recent Performance: Win Rate=66.7% in uptrends, 100.0% in downtrends +2025-03-10 21:06:39,144 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:06:39,161 - INFO - Price: $1834.83 | Action: SELL +2025-03-10 21:06:39,161 - INFO - Balance: $102.54 | Trades: 6 | Win Rate: 83.3% | Total PnL: $2.54 +2025-03-10 21:06:39,161 - INFO - Recent Performance: Win Rate=66.7% in uptrends, 100.0% in downtrends +2025-03-10 21:06:44,527 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:06:44,543 - INFO - Price: $1834.33 | Action: SELL +2025-03-10 21:06:44,544 - INFO - Balance: $102.54 | Trades: 6 | Win Rate: 83.3% | Total PnL: $2.54 +2025-03-10 21:06:44,544 - INFO - Recent Performance: Win Rate=66.7% in uptrends, 100.0% in downtrends +2025-03-10 21:06:49,869 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:06:49,888 - INFO - Price: $1834.01 | Action: SELL +2025-03-10 21:06:49,888 - INFO - Balance: $102.54 | Trades: 6 | Win Rate: 83.3% | Total PnL: $2.54 +2025-03-10 21:06:49,889 - INFO - Recent Performance: Win Rate=66.7% in uptrends, 100.0% in downtrends +2025-03-10 21:06:55,211 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:06:55,225 - INFO - Price: $1834.52 | Action: SELL +2025-03-10 21:06:55,226 - INFO - Balance: $102.54 | Trades: 6 | Win Rate: 83.3% | Total PnL: $2.54 +2025-03-10 21:06:55,226 - INFO - Recent Performance: Win Rate=66.7% in uptrends, 100.0% in downtrends +2025-03-10 21:07:00,541 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:07:00,557 - INFO - Price: $1834.00 | Action: SELL +2025-03-10 21:07:00,557 - INFO - Balance: $102.54 | Trades: 6 | Win Rate: 83.3% | Total PnL: $2.54 +2025-03-10 21:07:00,558 - INFO - Recent Performance: Win Rate=66.7% in uptrends, 100.0% in downtrends +2025-03-10 21:07:05,868 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:07:05,887 - INFO - Price: $1833.89 | Action: SELL +2025-03-10 21:07:05,888 - INFO - Balance: $102.54 | Trades: 6 | Win Rate: 83.3% | Total PnL: $2.54 +2025-03-10 21:07:05,888 - INFO - Recent Performance: Win Rate=66.7% in uptrends, 100.0% in downtrends +2025-03-10 21:07:11,692 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:07:11,710 - INFO - Price: $1835.54 | Action: SELL +2025-03-10 21:07:11,710 - INFO - Balance: $102.54 | Trades: 6 | Win Rate: 83.3% | Total PnL: $2.54 +2025-03-10 21:07:11,710 - INFO - Recent Performance: Win Rate=66.7% in uptrends, 100.0% in downtrends +2025-03-10 21:07:17,048 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:07:17,062 - INFO - Price: $1837.28 | Action: SELL +2025-03-10 21:07:17,063 - INFO - Balance: $102.54 | Trades: 6 | Win Rate: 83.3% | Total PnL: $2.54 +2025-03-10 21:07:17,063 - INFO - Recent Performance: Win Rate=66.7% in uptrends, 100.0% in downtrends +2025-03-10 21:07:22,380 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:07:22,396 - INFO - Price: $1838.33 | Action: SELL +2025-03-10 21:07:22,396 - INFO - Balance: $102.54 | Trades: 6 | Win Rate: 83.3% | Total PnL: $2.54 +2025-03-10 21:07:22,396 - INFO - Recent Performance: Win Rate=66.7% in uptrends, 100.0% in downtrends +2025-03-10 21:07:27,722 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:07:27,735 - INFO - Price: $1836.31 | Action: SELL +2025-03-10 21:07:27,736 - INFO - Balance: $102.54 | Trades: 6 | Win Rate: 83.3% | Total PnL: $2.54 +2025-03-10 21:07:27,736 - INFO - Recent Performance: Win Rate=66.7% in uptrends, 100.0% in downtrends +2025-03-10 21:07:33,080 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:07:33,097 - INFO - Price: $1837.02 | Action: SELL +2025-03-10 21:07:33,097 - INFO - Balance: $102.54 | Trades: 6 | Win Rate: 83.3% | Total PnL: $2.54 +2025-03-10 21:07:33,097 - INFO - Recent Performance: Win Rate=66.7% in uptrends, 100.0% in downtrends +2025-03-10 21:07:38,393 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:07:38,418 - INFO - Price: $1839.00 | Action: SELL +2025-03-10 21:07:38,419 - INFO - Balance: $102.54 | Trades: 6 | Win Rate: 83.3% | Total PnL: $2.54 +2025-03-10 21:07:38,419 - INFO - Recent Performance: Win Rate=66.7% in uptrends, 100.0% in downtrends +2025-03-10 21:07:43,726 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:07:43,743 - INFO - Price: $1840.41 | Action: SELL +2025-03-10 21:07:43,743 - INFO - Balance: $102.54 | Trades: 6 | Win Rate: 83.3% | Total PnL: $2.54 +2025-03-10 21:07:43,744 - INFO - Recent Performance: Win Rate=66.7% in uptrends, 100.0% in downtrends +2025-03-10 21:07:49,078 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:07:49,091 - INFO - Price: $1840.70 | Action: SELL +2025-03-10 21:07:49,091 - INFO - Balance: $102.54 | Trades: 6 | Win Rate: 83.3% | Total PnL: $2.54 +2025-03-10 21:07:49,092 - INFO - Recent Performance: Win Rate=66.7% in uptrends, 100.0% in downtrends +2025-03-10 21:07:54,403 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:07:54,418 - INFO - Price: $1845.36 | Action: SELL +2025-03-10 21:07:54,419 - INFO - Balance: $102.54 | Trades: 6 | Win Rate: 83.3% | Total PnL: $2.54 +2025-03-10 21:07:54,419 - INFO - Recent Performance: Win Rate=66.7% in uptrends, 100.0% in downtrends +2025-03-10 21:07:59,749 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:07:59,769 - INFO - Price: $1845.47 | Action: SELL +2025-03-10 21:07:59,769 - INFO - Balance: $102.54 | Trades: 6 | Win Rate: 83.3% | Total PnL: $2.54 +2025-03-10 21:07:59,769 - INFO - Recent Performance: Win Rate=66.7% in uptrends, 100.0% in downtrends +2025-03-10 21:08:05,091 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:08:05,108 - INFO - Price: $1846.37 | Action: SELL +2025-03-10 21:08:05,108 - INFO - Balance: $102.54 | Trades: 6 | Win Rate: 83.3% | Total PnL: $2.54 +2025-03-10 21:08:05,108 - INFO - Recent Performance: Win Rate=66.7% in uptrends, 100.0% in downtrends +2025-03-10 21:08:10,437 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:08:10,455 - INFO - Price: $1846.96 | Action: SELL +2025-03-10 21:08:10,456 - INFO - Balance: $102.54 | Trades: 6 | Win Rate: 83.3% | Total PnL: $2.54 +2025-03-10 21:08:10,456 - INFO - Recent Performance: Win Rate=66.7% in uptrends, 100.0% in downtrends +2025-03-10 21:08:15,776 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:08:15,792 - INFO - Price: $1848.00 | Action: SELL +2025-03-10 21:08:15,792 - INFO - Balance: $102.54 | Trades: 6 | Win Rate: 83.3% | Total PnL: $2.54 +2025-03-10 21:08:15,793 - INFO - Recent Performance: Win Rate=66.7% in uptrends, 100.0% in downtrends +2025-03-10 21:08:21,103 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:08:21,127 - INFO - Price: $1848.00 | Action: SELL +2025-03-10 21:08:21,127 - INFO - Balance: $102.54 | Trades: 6 | Win Rate: 83.3% | Total PnL: $2.54 +2025-03-10 21:08:21,128 - INFO - Recent Performance: Win Rate=66.7% in uptrends, 100.0% in downtrends +2025-03-10 21:08:26,450 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:08:26,467 - INFO - TAKE PROFIT hit for short at 1830.04135 | PnL: 1.50% | $0.56 +2025-03-10 21:08:26,468 - INFO - Price: $1847.84 | Action: SELL +2025-03-10 21:08:26,468 - INFO - Balance: $103.10 | Trades: 7 | Win Rate: 85.7% | Total PnL: $3.10 +2025-03-10 21:08:26,469 - INFO - Recent Performance: Win Rate=75.0% in uptrends, 100.0% in downtrends +2025-03-10 21:08:31,772 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:08:31,787 - INFO - OPENED SHORT at 1820.0 | Stop loss: 1829.1 | Take profit: 1792.7 +2025-03-10 21:08:31,788 - INFO - Price: $1845.34 | Action: SELL +2025-03-10 21:08:31,788 - INFO - Balance: $103.10 | Trades: 7 | Win Rate: 85.7% | Total PnL: $3.10 +2025-03-10 21:08:31,789 - INFO - Recent Performance: Win Rate=75.0% in uptrends, 100.0% in downtrends +2025-03-10 21:08:37,090 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:08:37,109 - INFO - Price: $1845.14 | Action: SELL +2025-03-10 21:08:37,110 - INFO - Balance: $103.10 | Trades: 7 | Win Rate: 85.7% | Total PnL: $3.10 +2025-03-10 21:08:37,111 - INFO - Recent Performance: Win Rate=75.0% in uptrends, 100.0% in downtrends +2025-03-10 21:08:42,415 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:08:42,429 - INFO - Price: $1843.09 | Action: SELL +2025-03-10 21:08:42,429 - INFO - Balance: $103.10 | Trades: 7 | Win Rate: 85.7% | Total PnL: $3.10 +2025-03-10 21:08:42,430 - INFO - Recent Performance: Win Rate=75.0% in uptrends, 100.0% in downtrends +2025-03-10 21:08:47,757 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:08:47,774 - INFO - Price: $1843.05 | Action: SELL +2025-03-10 21:08:47,774 - INFO - Balance: $103.10 | Trades: 7 | Win Rate: 85.7% | Total PnL: $3.10 +2025-03-10 21:08:47,776 - INFO - Recent Performance: Win Rate=75.0% in uptrends, 100.0% in downtrends +2025-03-10 21:08:53,103 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:08:53,118 - INFO - Price: $1842.68 | Action: SELL +2025-03-10 21:08:53,119 - INFO - Balance: $103.10 | Trades: 7 | Win Rate: 85.7% | Total PnL: $3.10 +2025-03-10 21:08:53,119 - INFO - Recent Performance: Win Rate=75.0% in uptrends, 100.0% in downtrends +2025-03-10 21:08:58,447 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:08:58,465 - INFO - Price: $1842.80 | Action: SELL +2025-03-10 21:08:58,465 - INFO - Balance: $103.10 | Trades: 7 | Win Rate: 85.7% | Total PnL: $3.10 +2025-03-10 21:08:58,466 - INFO - Recent Performance: Win Rate=75.0% in uptrends, 100.0% in downtrends +2025-03-10 21:09:03,790 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:09:03,807 - INFO - Price: $1842.86 | Action: SELL +2025-03-10 21:09:03,807 - INFO - Balance: $103.10 | Trades: 7 | Win Rate: 85.7% | Total PnL: $3.10 +2025-03-10 21:09:03,810 - INFO - Recent Performance: Win Rate=75.0% in uptrends, 100.0% in downtrends +2025-03-10 21:09:09,112 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:09:09,132 - INFO - Price: $1843.53 | Action: SELL +2025-03-10 21:09:09,132 - INFO - Balance: $103.10 | Trades: 7 | Win Rate: 85.7% | Total PnL: $3.10 +2025-03-10 21:09:09,133 - INFO - Recent Performance: Win Rate=75.0% in uptrends, 100.0% in downtrends +2025-03-10 21:09:14,470 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:09:14,485 - INFO - Price: $1844.39 | Action: SELL +2025-03-10 21:09:14,485 - INFO - Balance: $103.10 | Trades: 7 | Win Rate: 85.7% | Total PnL: $3.10 +2025-03-10 21:09:14,485 - INFO - Recent Performance: Win Rate=75.0% in uptrends, 100.0% in downtrends +2025-03-10 21:09:19,791 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:09:19,806 - INFO - Price: $1846.91 | Action: SELL +2025-03-10 21:09:19,807 - INFO - Balance: $103.10 | Trades: 7 | Win Rate: 85.7% | Total PnL: $3.10 +2025-03-10 21:09:19,807 - INFO - Recent Performance: Win Rate=75.0% in uptrends, 100.0% in downtrends +2025-03-10 21:09:25,137 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:09:25,159 - INFO - Price: $1846.32 | Action: SELL +2025-03-10 21:09:25,159 - INFO - Balance: $103.10 | Trades: 7 | Win Rate: 85.7% | Total PnL: $3.10 +2025-03-10 21:09:25,159 - INFO - Recent Performance: Win Rate=75.0% in uptrends, 100.0% in downtrends +2025-03-10 21:09:30,474 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:09:30,491 - INFO - STOP LOSS hit for short at 1829.1 | PnL: -0.50% | $-0.24 +2025-03-10 21:09:30,493 - INFO - Price: $1846.28 | Action: SELL +2025-03-10 21:09:30,493 - INFO - Balance: $102.86 | Trades: 8 | Win Rate: 75.0% | Total PnL: $2.86 +2025-03-10 21:09:30,494 - INFO - Recent Performance: Win Rate=60.0% in uptrends, 100.0% in downtrends +2025-03-10 21:09:35,809 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:09:35,825 - INFO - OPENED SHORT at 1831.74 | Stop loss: 1840.8986999999997 | Take profit: 1804.2639 +2025-03-10 21:09:35,826 - INFO - Price: $1846.59 | Action: SELL +2025-03-10 21:09:35,826 - INFO - Balance: $102.86 | Trades: 8 | Win Rate: 75.0% | Total PnL: $2.86 +2025-03-10 21:09:35,826 - INFO - Recent Performance: Win Rate=60.0% in uptrends, 100.0% in downtrends +2025-03-10 21:09:41,144 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:09:41,160 - INFO - Price: $1846.82 | Action: SELL +2025-03-10 21:09:41,161 - INFO - Balance: $102.86 | Trades: 8 | Win Rate: 75.0% | Total PnL: $2.86 +2025-03-10 21:09:41,161 - INFO - Recent Performance: Win Rate=60.0% in uptrends, 100.0% in downtrends +2025-03-10 21:09:46,922 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:09:46,937 - INFO - Price: $1846.47 | Action: SELL +2025-03-10 21:09:46,937 - INFO - Balance: $102.86 | Trades: 8 | Win Rate: 75.0% | Total PnL: $2.86 +2025-03-10 21:09:46,937 - INFO - Recent Performance: Win Rate=60.0% in uptrends, 100.0% in downtrends +2025-03-10 21:09:52,229 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:09:52,246 - INFO - Price: $1847.83 | Action: SELL +2025-03-10 21:09:52,246 - INFO - Balance: $102.86 | Trades: 8 | Win Rate: 75.0% | Total PnL: $2.86 +2025-03-10 21:09:52,246 - INFO - Recent Performance: Win Rate=60.0% in uptrends, 100.0% in downtrends +2025-03-10 21:09:57,562 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:09:57,578 - INFO - STOP LOSS hit for short at 1840.8986999999997 | PnL: -0.50% | $-0.24 +2025-03-10 21:09:57,580 - INFO - Price: $1846.62 | Action: SELL +2025-03-10 21:09:57,580 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:09:57,580 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:10:02,883 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:10:02,904 - INFO - OPENED SHORT at 1840.86 | Stop loss: 1850.0642999999998 | Take profit: 1813.2470999999998 +2025-03-10 21:10:02,904 - INFO - Price: $1845.36 | Action: SELL +2025-03-10 21:10:02,904 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:10:02,909 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:10:08,199 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:10:08,220 - INFO - Price: $1846.15 | Action: SELL +2025-03-10 21:10:08,221 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:10:08,221 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:10:13,520 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:10:13,534 - INFO - Price: $1844.33 | Action: SELL +2025-03-10 21:10:13,534 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:10:13,535 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:10:18,837 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:10:18,858 - INFO - Price: $1845.22 | Action: SELL +2025-03-10 21:10:18,858 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:10:18,860 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:10:24,160 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:10:24,175 - INFO - Price: $1840.12 | Action: SELL +2025-03-10 21:10:24,175 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:10:24,175 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:10:29,492 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:10:29,508 - INFO - Price: $1841.92 | Action: SELL +2025-03-10 21:10:29,508 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:10:29,508 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:10:34,827 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:10:34,844 - INFO - Price: $1842.12 | Action: SELL +2025-03-10 21:10:34,844 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:10:34,844 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:10:40,148 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:10:40,165 - INFO - Price: $1840.93 | Action: SELL +2025-03-10 21:10:40,165 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:10:40,165 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:10:45,463 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:10:45,479 - INFO - Price: $1845.10 | Action: SELL +2025-03-10 21:10:45,483 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:10:45,483 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:10:50,791 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:10:50,809 - INFO - Price: $1846.31 | Action: SELL +2025-03-10 21:10:50,809 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:10:50,809 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:10:56,128 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:10:56,147 - INFO - Price: $1841.75 | Action: SELL +2025-03-10 21:10:56,150 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:10:56,150 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:11:01,460 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:11:01,479 - INFO - Price: $1842.08 | Action: SELL +2025-03-10 21:11:01,482 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:11:01,482 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:11:06,789 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:11:06,810 - INFO - Price: $1839.78 | Action: SELL +2025-03-10 21:11:06,810 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:11:06,810 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:11:12,119 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:11:12,135 - INFO - Price: $1837.00 | Action: SELL +2025-03-10 21:11:12,136 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:11:12,136 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:11:17,473 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:11:17,489 - INFO - Price: $1837.14 | Action: SELL +2025-03-10 21:11:17,489 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:11:17,489 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:11:22,821 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:11:22,839 - INFO - Price: $1838.69 | Action: SELL +2025-03-10 21:11:22,839 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:11:22,839 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:11:28,162 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:11:28,180 - INFO - Price: $1840.29 | Action: SELL +2025-03-10 21:11:28,181 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:11:28,181 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:11:33,474 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:11:33,495 - INFO - Price: $1839.24 | Action: SELL +2025-03-10 21:11:33,498 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:11:33,498 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:11:38,802 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:11:38,819 - INFO - Price: $1838.41 | Action: SELL +2025-03-10 21:11:38,822 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:11:38,822 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:11:44,164 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:11:44,174 - INFO - Price: $1839.65 | Action: SELL +2025-03-10 21:11:44,184 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:11:44,185 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:11:49,547 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:11:49,563 - INFO - Price: $1839.00 | Action: SELL +2025-03-10 21:11:49,563 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:11:49,565 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:11:54,874 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:11:54,894 - INFO - Price: $1839.95 | Action: SELL +2025-03-10 21:11:54,895 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:11:54,895 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:12:00,220 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:12:00,236 - INFO - Price: $1839.22 | Action: SELL +2025-03-10 21:12:00,236 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:12:00,236 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:12:05,545 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:12:05,565 - INFO - Price: $1842.27 | Action: SELL +2025-03-10 21:12:05,565 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:12:05,565 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:12:10,868 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:12:10,886 - INFO - Price: $1841.88 | Action: SELL +2025-03-10 21:12:10,887 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:12:10,887 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:12:16,187 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:12:16,205 - INFO - Price: $1841.82 | Action: SELL +2025-03-10 21:12:16,206 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:12:16,206 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:12:21,513 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:12:21,529 - INFO - Price: $1843.48 | Action: SELL +2025-03-10 21:12:21,530 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:12:21,530 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:12:26,856 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:12:26,876 - INFO - Price: $1845.34 | Action: SELL +2025-03-10 21:12:26,877 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:12:26,877 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:12:32,260 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:12:32,275 - INFO - Price: $1847.81 | Action: SELL +2025-03-10 21:12:32,276 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:12:32,276 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:12:37,608 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:12:37,629 - INFO - Price: $1848.00 | Action: SELL +2025-03-10 21:12:37,630 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:12:37,630 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:12:43,278 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:12:43,296 - INFO - Price: $1847.98 | Action: SELL +2025-03-10 21:12:43,296 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:12:43,296 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:12:48,600 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:12:48,614 - INFO - Price: $1848.54 | Action: SELL +2025-03-10 21:12:48,614 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:12:48,614 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:12:53,924 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:12:53,942 - INFO - Price: $1849.09 | Action: SELL +2025-03-10 21:12:53,943 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:12:53,943 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:12:59,257 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:12:59,273 - INFO - Price: $1849.62 | Action: SELL +2025-03-10 21:12:59,274 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:12:59,274 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:13:04,591 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:13:04,610 - INFO - Price: $1851.17 | Action: SELL +2025-03-10 21:13:04,610 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:13:04,610 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:13:09,925 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:13:09,944 - INFO - Price: $1849.94 | Action: SELL +2025-03-10 21:13:09,944 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:13:09,944 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:13:15,250 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:13:15,272 - INFO - Price: $1849.22 | Action: SELL +2025-03-10 21:13:15,272 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:13:15,272 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:13:20,589 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:13:20,610 - INFO - Price: $1850.59 | Action: SELL +2025-03-10 21:13:20,612 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:13:20,612 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:13:25,925 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:13:25,944 - INFO - Price: $1849.67 | Action: SELL +2025-03-10 21:13:25,944 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:13:25,947 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:13:31,252 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:13:31,267 - INFO - Price: $1847.22 | Action: SELL +2025-03-10 21:13:31,268 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:13:31,268 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:13:36,611 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:13:36,633 - INFO - Price: $1846.28 | Action: SELL +2025-03-10 21:13:36,634 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:13:36,634 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:13:41,948 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:13:41,970 - INFO - Price: $1844.36 | Action: SELL +2025-03-10 21:13:41,970 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:13:41,970 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:13:47,272 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:13:47,290 - INFO - Price: $1844.36 | Action: SELL +2025-03-10 21:13:47,290 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:13:47,290 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:13:52,594 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:13:52,614 - INFO - Price: $1846.03 | Action: SELL +2025-03-10 21:13:52,619 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:13:52,619 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:13:57,965 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:13:57,980 - INFO - Price: $1846.03 | Action: SELL +2025-03-10 21:13:57,980 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:13:57,981 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:14:03,312 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:14:03,327 - INFO - Price: $1850.00 | Action: SELL +2025-03-10 21:14:03,327 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:14:03,327 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:14:08,634 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:14:08,654 - INFO - Price: $1848.07 | Action: SELL +2025-03-10 21:14:08,654 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:14:08,654 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:14:13,987 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:14:14,007 - INFO - Price: $1850.47 | Action: SELL +2025-03-10 21:14:14,008 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:14:14,008 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:14:19,307 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:14:19,320 - INFO - Price: $1851.68 | Action: SELL +2025-03-10 21:14:19,321 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:14:19,321 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:14:24,659 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:14:24,675 - INFO - Price: $1853.94 | Action: SELL +2025-03-10 21:14:24,675 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:14:24,675 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:14:29,978 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:14:29,992 - INFO - Price: $1854.76 | Action: SELL +2025-03-10 21:14:29,994 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:14:29,994 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:14:35,312 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:14:35,336 - INFO - Price: $1854.69 | Action: SELL +2025-03-10 21:14:35,336 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:14:35,336 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:14:40,701 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:14:40,719 - INFO - Price: $1856.44 | Action: SELL +2025-03-10 21:14:40,719 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:14:40,719 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:14:46,073 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:14:46,090 - INFO - Price: $1855.09 | Action: SELL +2025-03-10 21:14:46,090 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:14:46,091 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:14:51,880 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:14:51,899 - INFO - Price: $1854.52 | Action: SELL +2025-03-10 21:14:51,900 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:14:51,900 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:14:57,226 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:14:57,248 - INFO - Price: $1853.82 | Action: SELL +2025-03-10 21:14:57,248 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:14:57,248 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:15:02,571 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:15:02,589 - INFO - Price: $1853.60 | Action: SELL +2025-03-10 21:15:02,590 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:15:02,590 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:15:07,903 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:15:07,922 - INFO - Price: $1853.89 | Action: SELL +2025-03-10 21:15:07,922 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:15:07,923 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:15:13,243 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:15:13,264 - INFO - Price: $1855.60 | Action: SELL +2025-03-10 21:15:13,264 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:15:13,264 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:15:18,584 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:15:18,603 - INFO - Price: $1854.81 | Action: SELL +2025-03-10 21:15:18,604 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:15:18,604 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:15:23,941 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:15:23,954 - INFO - Price: $1853.74 | Action: SELL +2025-03-10 21:15:23,954 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:15:23,957 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:15:29,270 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:15:29,288 - INFO - Price: $1851.63 | Action: SELL +2025-03-10 21:15:29,288 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:15:29,290 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:15:34,614 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:15:34,632 - INFO - Price: $1851.10 | Action: SELL +2025-03-10 21:15:34,633 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:15:34,633 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:15:40,002 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:15:40,018 - INFO - Price: $1852.65 | Action: SELL +2025-03-10 21:15:40,018 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:15:40,018 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:15:45,342 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:15:45,355 - INFO - Price: $1855.15 | Action: SELL +2025-03-10 21:15:45,363 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:15:45,363 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:15:50,682 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:15:50,698 - INFO - Price: $1860.00 | Action: SELL +2025-03-10 21:15:50,699 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:15:50,700 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:15:56,024 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:15:56,040 - INFO - Price: $1860.20 | Action: SELL +2025-03-10 21:15:56,041 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:15:56,041 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:16:01,340 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:16:01,361 - INFO - Price: $1863.17 | Action: SELL +2025-03-10 21:16:01,361 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:16:01,362 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:16:06,680 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:16:06,702 - INFO - Price: $1864.38 | Action: SELL +2025-03-10 21:16:06,702 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:16:06,702 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:16:12,009 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:16:12,027 - INFO - Price: $1864.16 | Action: SELL +2025-03-10 21:16:12,027 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:16:12,028 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:16:17,341 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:16:17,360 - INFO - Price: $1865.26 | Action: SELL +2025-03-10 21:16:17,360 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:16:17,361 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:16:23,168 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:16:23,190 - INFO - Price: $1866.51 | Action: SELL +2025-03-10 21:16:23,191 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:16:23,191 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:16:28,500 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:16:28,524 - INFO - Price: $1869.99 | Action: SELL +2025-03-10 21:16:28,525 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:16:28,525 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:16:34,091 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:16:34,113 - INFO - Price: $1868.59 | Action: SELL +2025-03-10 21:16:34,113 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:16:34,113 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:16:39,416 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:16:39,433 - INFO - Price: $1866.59 | Action: SELL +2025-03-10 21:16:39,433 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:16:39,433 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:16:44,742 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:16:44,756 - INFO - Price: $1864.42 | Action: SELL +2025-03-10 21:16:44,757 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:16:44,757 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:16:50,075 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:16:50,099 - INFO - Price: $1864.39 | Action: SELL +2025-03-10 21:16:50,099 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:16:50,099 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:16:55,495 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:16:55,517 - INFO - Price: $1864.69 | Action: SELL +2025-03-10 21:16:55,517 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:16:55,517 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:17:00,826 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:17:00,842 - INFO - Price: $1863.48 | Action: SELL +2025-03-10 21:17:00,842 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:17:00,842 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:17:06,152 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:17:06,170 - INFO - Price: $1861.46 | Action: SELL +2025-03-10 21:17:06,172 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:17:06,172 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:17:11,477 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:17:11,496 - INFO - Price: $1860.34 | Action: SELL +2025-03-10 21:17:11,496 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:17:11,497 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:17:16,855 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:17:16,880 - INFO - Price: $1862.93 | Action: SELL +2025-03-10 21:17:16,880 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:17:16,880 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:17:22,196 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:17:22,214 - INFO - Price: $1862.19 | Action: SELL +2025-03-10 21:17:22,214 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:17:22,214 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:17:27,520 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:17:27,536 - INFO - Price: $1860.09 | Action: SELL +2025-03-10 21:17:27,537 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:17:27,538 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:17:32,897 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:17:32,912 - INFO - Price: $1860.01 | Action: SELL +2025-03-10 21:17:32,912 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:17:32,913 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:17:38,218 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:17:38,233 - INFO - Price: $1859.55 | Action: SELL +2025-03-10 21:17:38,233 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:17:38,235 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:17:43,550 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:17:43,564 - INFO - Price: $1857.44 | Action: SELL +2025-03-10 21:17:43,570 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:17:43,570 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:17:48,876 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:17:48,899 - INFO - Price: $1855.87 | Action: SELL +2025-03-10 21:17:48,899 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:17:48,899 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:17:54,202 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:17:54,217 - INFO - Price: $1856.99 | Action: SELL +2025-03-10 21:17:54,217 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:17:54,217 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:17:59,531 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:17:59,549 - INFO - Price: $1856.57 | Action: SELL +2025-03-10 21:17:59,550 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:17:59,550 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:18:04,883 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:18:04,897 - INFO - Price: $1855.00 | Action: SELL +2025-03-10 21:18:04,898 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:18:04,898 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:18:10,203 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:18:10,216 - INFO - Price: $1853.20 | Action: SELL +2025-03-10 21:18:10,220 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:18:10,220 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:18:15,523 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:18:15,541 - INFO - Price: $1854.09 | Action: SELL +2025-03-10 21:18:15,541 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:18:15,541 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:18:20,859 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:18:20,876 - INFO - Price: $1854.86 | Action: SELL +2025-03-10 21:18:20,877 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:18:20,877 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:18:26,203 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:18:26,229 - INFO - Price: $1856.48 | Action: SELL +2025-03-10 21:18:26,229 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:18:26,229 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:18:31,546 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:18:31,570 - INFO - Price: $1858.01 | Action: SELL +2025-03-10 21:18:31,572 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:18:31,572 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:18:36,892 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:18:36,913 - INFO - Price: $1856.36 | Action: SELL +2025-03-10 21:18:36,913 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:18:36,913 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:18:42,267 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:18:42,279 - INFO - Price: $1860.00 | Action: SELL +2025-03-10 21:18:42,279 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:18:42,283 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:18:47,590 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:18:47,608 - INFO - Price: $1860.47 | Action: SELL +2025-03-10 21:18:47,608 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:18:47,609 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:18:52,932 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:18:52,952 - INFO - Price: $1859.96 | Action: SELL +2025-03-10 21:18:52,952 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:18:52,953 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:18:58,283 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:18:58,301 - INFO - Price: $1860.00 | Action: SELL +2025-03-10 21:18:58,303 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:18:58,303 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:19:03,605 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:19:03,624 - INFO - Price: $1859.20 | Action: SELL +2025-03-10 21:19:03,625 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:19:03,625 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:19:08,968 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:19:08,984 - INFO - Price: $1863.36 | Action: SELL +2025-03-10 21:19:08,985 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:19:08,985 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:19:14,302 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:19:14,316 - INFO - Price: $1863.44 | Action: SELL +2025-03-10 21:19:14,317 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:19:14,318 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:19:19,645 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:19:19,663 - INFO - Price: $1864.82 | Action: SELL +2025-03-10 21:19:19,664 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:19:19,664 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:19:25,500 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:19:25,518 - INFO - Price: $1866.06 | Action: SELL +2025-03-10 21:19:25,518 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:19:25,518 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:19:30,839 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:19:30,862 - INFO - Price: $1863.77 | Action: SELL +2025-03-10 21:19:30,862 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:19:30,863 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:19:36,203 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:19:36,212 - INFO - Price: $1863.34 | Action: SELL +2025-03-10 21:19:36,212 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:19:36,219 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:19:41,522 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:19:41,542 - INFO - Price: $1862.81 | Action: SELL +2025-03-10 21:19:41,542 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:19:41,543 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:19:46,855 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:19:46,871 - INFO - Price: $1863.04 | Action: SELL +2025-03-10 21:19:46,871 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:19:46,874 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:19:52,171 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:19:52,192 - INFO - Price: $1862.01 | Action: SELL +2025-03-10 21:19:52,192 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:19:52,193 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:19:57,520 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:19:57,536 - INFO - Price: $1862.84 | Action: SELL +2025-03-10 21:19:57,536 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:19:57,536 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:20:02,832 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:20:02,852 - INFO - Price: $1862.05 | Action: SELL +2025-03-10 21:20:02,853 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:20:02,853 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:20:08,145 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:20:08,166 - INFO - Price: $1862.65 | Action: SELL +2025-03-10 21:20:08,166 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:20:08,166 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:20:13,468 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:20:13,483 - INFO - Price: $1864.62 | Action: SELL +2025-03-10 21:20:13,483 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:20:13,483 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:20:18,811 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:20:18,825 - INFO - Price: $1864.91 | Action: SELL +2025-03-10 21:20:18,826 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:20:18,826 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:20:24,119 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:20:24,140 - INFO - Price: $1867.00 | Action: SELL +2025-03-10 21:20:24,140 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:20:24,141 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:20:29,442 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:20:29,464 - INFO - Price: $1868.94 | Action: SELL +2025-03-10 21:20:29,464 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:20:29,464 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:20:34,775 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:20:34,796 - INFO - Price: $1868.00 | Action: SELL +2025-03-10 21:20:34,796 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:20:34,796 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:20:40,126 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:20:40,147 - INFO - Price: $1866.14 | Action: SELL +2025-03-10 21:20:40,149 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:20:40,149 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:20:45,450 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:20:45,471 - INFO - Price: $1863.99 | Action: SELL +2025-03-10 21:20:45,473 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:20:45,474 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:20:50,773 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:20:50,780 - INFO - Price: $1863.63 | Action: SELL +2025-03-10 21:20:50,780 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:20:50,780 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:20:56,098 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:20:56,128 - INFO - Price: $1862.82 | Action: SELL +2025-03-10 21:20:56,131 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:20:56,131 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:21:01,441 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:21:01,462 - INFO - Price: $1862.99 | Action: SELL +2025-03-10 21:21:01,462 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:21:01,462 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:21:06,767 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:21:06,782 - INFO - Price: $1862.09 | Action: SELL +2025-03-10 21:21:06,782 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:21:06,782 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:21:12,092 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:21:12,106 - INFO - Price: $1861.00 | Action: SELL +2025-03-10 21:21:12,106 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:21:12,109 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:21:17,427 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:21:17,442 - INFO - Price: $1862.39 | Action: SELL +2025-03-10 21:21:17,442 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:21:17,442 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:21:22,768 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:21:22,783 - INFO - Price: $1861.80 | Action: SELL +2025-03-10 21:21:22,784 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:21:22,785 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:21:28,095 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:21:28,112 - INFO - Price: $1862.23 | Action: SELL +2025-03-10 21:21:28,112 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:21:28,113 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:21:33,414 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:21:33,431 - INFO - Price: $1860.00 | Action: SELL +2025-03-10 21:21:33,436 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:21:33,436 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:21:38,743 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:21:38,759 - INFO - Price: $1860.21 | Action: SELL +2025-03-10 21:21:38,759 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:21:38,759 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:21:44,069 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:21:44,084 - INFO - Price: $1859.32 | Action: SELL +2025-03-10 21:21:44,084 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:21:44,084 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:21:49,375 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:21:49,395 - INFO - Price: $1856.00 | Action: SELL +2025-03-10 21:21:49,395 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:21:49,399 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:21:54,710 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:21:54,733 - INFO - Price: $1856.66 | Action: SELL +2025-03-10 21:21:54,733 - INFO - Balance: $102.62 | Trades: 9 | Win Rate: 66.7% | Total PnL: $2.62 +2025-03-10 21:21:54,733 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 100.0% in downtrends +2025-03-10 21:22:00,033 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:22:00,053 - INFO - STOP LOSS hit for short at 1850.0642999999998 | PnL: -0.50% | $-0.24 +2025-03-10 21:22:00,053 - INFO - Price: $1855.00 | Action: SELL +2025-03-10 21:22:00,055 - INFO - Balance: $102.37 | Trades: 10 | Win Rate: 60.0% | Total PnL: $2.37 +2025-03-10 21:22:00,055 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 50.0% in downtrends +2025-03-10 21:22:05,355 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:22:05,371 - INFO - OPENED SHORT at 1849.94 | Stop loss: 1859.1897 | Take profit: 1822.1909 +2025-03-10 21:22:05,371 - INFO - Price: $1855.32 | Action: SELL +2025-03-10 21:22:05,371 - INFO - Balance: $102.37 | Trades: 10 | Win Rate: 60.0% | Total PnL: $2.37 +2025-03-10 21:22:05,371 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 50.0% in downtrends +2025-03-10 21:22:10,669 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:22:10,686 - INFO - Price: $1854.53 | Action: SELL +2025-03-10 21:22:10,686 - INFO - Balance: $102.37 | Trades: 10 | Win Rate: 60.0% | Total PnL: $2.37 +2025-03-10 21:22:10,687 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 50.0% in downtrends +2025-03-10 21:22:16,021 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:22:16,038 - INFO - Price: $1853.83 | Action: SELL +2025-03-10 21:22:16,040 - INFO - Balance: $102.37 | Trades: 10 | Win Rate: 60.0% | Total PnL: $2.37 +2025-03-10 21:22:16,040 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 50.0% in downtrends +2025-03-10 21:22:21,333 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:22:21,348 - INFO - Price: $1853.75 | Action: SELL +2025-03-10 21:22:21,348 - INFO - Balance: $102.37 | Trades: 10 | Win Rate: 60.0% | Total PnL: $2.37 +2025-03-10 21:22:21,349 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 50.0% in downtrends +2025-03-10 21:22:26,668 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:22:26,683 - INFO - Price: $1852.85 | Action: SELL +2025-03-10 21:22:26,683 - INFO - Balance: $102.37 | Trades: 10 | Win Rate: 60.0% | Total PnL: $2.37 +2025-03-10 21:22:26,684 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 50.0% in downtrends +2025-03-10 21:22:31,998 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:22:32,012 - INFO - Price: $1853.16 | Action: SELL +2025-03-10 21:22:32,012 - INFO - Balance: $102.37 | Trades: 10 | Win Rate: 60.0% | Total PnL: $2.37 +2025-03-10 21:22:32,012 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 50.0% in downtrends +2025-03-10 21:22:37,327 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:22:37,340 - INFO - Price: $1854.43 | Action: SELL +2025-03-10 21:22:37,340 - INFO - Balance: $102.37 | Trades: 10 | Win Rate: 60.0% | Total PnL: $2.37 +2025-03-10 21:22:37,344 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 50.0% in downtrends +2025-03-10 21:22:42,656 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:22:42,672 - INFO - Price: $1854.59 | Action: SELL +2025-03-10 21:22:42,672 - INFO - Balance: $102.37 | Trades: 10 | Win Rate: 60.0% | Total PnL: $2.37 +2025-03-10 21:22:42,672 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 50.0% in downtrends +2025-03-10 21:22:47,996 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:22:48,011 - INFO - Price: $1857.77 | Action: SELL +2025-03-10 21:22:48,012 - INFO - Balance: $102.37 | Trades: 10 | Win Rate: 60.0% | Total PnL: $2.37 +2025-03-10 21:22:48,012 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 50.0% in downtrends +2025-03-10 21:22:53,330 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:22:53,345 - INFO - Price: $1856.12 | Action: SELL +2025-03-10 21:22:53,345 - INFO - Balance: $102.37 | Trades: 10 | Win Rate: 60.0% | Total PnL: $2.37 +2025-03-10 21:22:53,345 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 50.0% in downtrends +2025-03-10 21:22:58,658 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:22:58,674 - INFO - Price: $1856.12 | Action: SELL +2025-03-10 21:22:58,674 - INFO - Balance: $102.37 | Trades: 10 | Win Rate: 60.0% | Total PnL: $2.37 +2025-03-10 21:22:58,674 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 50.0% in downtrends +2025-03-10 21:23:03,974 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:23:03,992 - INFO - Price: $1855.44 | Action: SELL +2025-03-10 21:23:03,993 - INFO - Balance: $102.37 | Trades: 10 | Win Rate: 60.0% | Total PnL: $2.37 +2025-03-10 21:23:03,993 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 50.0% in downtrends +2025-03-10 21:23:09,302 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:23:09,319 - INFO - Price: $1855.38 | Action: SELL +2025-03-10 21:23:09,320 - INFO - Balance: $102.37 | Trades: 10 | Win Rate: 60.0% | Total PnL: $2.37 +2025-03-10 21:23:09,320 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 50.0% in downtrends +2025-03-10 21:23:14,636 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:23:14,650 - INFO - Price: $1855.40 | Action: SELL +2025-03-10 21:23:14,651 - INFO - Balance: $102.37 | Trades: 10 | Win Rate: 60.0% | Total PnL: $2.37 +2025-03-10 21:23:14,651 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 50.0% in downtrends +2025-03-10 21:23:19,963 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:23:19,988 - INFO - Price: $1857.12 | Action: SELL +2025-03-10 21:23:19,988 - INFO - Balance: $102.37 | Trades: 10 | Win Rate: 60.0% | Total PnL: $2.37 +2025-03-10 21:23:19,989 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 50.0% in downtrends +2025-03-10 21:23:25,294 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:23:25,312 - INFO - Price: $1858.48 | Action: SELL +2025-03-10 21:23:25,312 - INFO - Balance: $102.37 | Trades: 10 | Win Rate: 60.0% | Total PnL: $2.37 +2025-03-10 21:23:25,313 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 50.0% in downtrends +2025-03-10 21:23:30,660 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:23:30,679 - INFO - Price: $1860.00 | Action: SELL +2025-03-10 21:23:30,680 - INFO - Balance: $102.37 | Trades: 10 | Win Rate: 60.0% | Total PnL: $2.37 +2025-03-10 21:23:30,680 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 50.0% in downtrends +2025-03-10 21:23:35,968 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:23:35,991 - INFO - Price: $1861.12 | Action: SELL +2025-03-10 21:23:35,991 - INFO - Balance: $102.37 | Trades: 10 | Win Rate: 60.0% | Total PnL: $2.37 +2025-03-10 21:23:35,991 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 50.0% in downtrends +2025-03-10 21:23:41,281 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:23:41,303 - INFO - Price: $1859.64 | Action: SELL +2025-03-10 21:23:41,303 - INFO - Balance: $102.37 | Trades: 10 | Win Rate: 60.0% | Total PnL: $2.37 +2025-03-10 21:23:41,303 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 50.0% in downtrends +2025-03-10 21:23:46,599 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:23:46,613 - INFO - Price: $1859.02 | Action: SELL +2025-03-10 21:23:46,615 - INFO - Balance: $102.37 | Trades: 10 | Win Rate: 60.0% | Total PnL: $2.37 +2025-03-10 21:23:46,616 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 50.0% in downtrends +2025-03-10 21:23:51,943 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:23:51,960 - INFO - Price: $1858.99 | Action: SELL +2025-03-10 21:23:51,961 - INFO - Balance: $102.37 | Trades: 10 | Win Rate: 60.0% | Total PnL: $2.37 +2025-03-10 21:23:51,961 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 50.0% in downtrends +2025-03-10 21:23:57,261 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:23:57,278 - INFO - Price: $1858.00 | Action: SELL +2025-03-10 21:23:57,278 - INFO - Balance: $102.37 | Trades: 10 | Win Rate: 60.0% | Total PnL: $2.37 +2025-03-10 21:23:57,278 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 50.0% in downtrends +2025-03-10 21:24:02,574 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:24:02,594 - INFO - Price: $1857.43 | Action: SELL +2025-03-10 21:24:02,595 - INFO - Balance: $102.37 | Trades: 10 | Win Rate: 60.0% | Total PnL: $2.37 +2025-03-10 21:24:02,595 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 50.0% in downtrends +2025-03-10 21:24:07,894 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:24:07,915 - INFO - Price: $1856.44 | Action: SELL +2025-03-10 21:24:07,915 - INFO - Balance: $102.37 | Trades: 10 | Win Rate: 60.0% | Total PnL: $2.37 +2025-03-10 21:24:07,916 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 50.0% in downtrends +2025-03-10 21:24:13,218 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:24:13,236 - INFO - Price: $1857.44 | Action: SELL +2025-03-10 21:24:13,237 - INFO - Balance: $102.37 | Trades: 10 | Win Rate: 60.0% | Total PnL: $2.37 +2025-03-10 21:24:13,238 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 50.0% in downtrends +2025-03-10 21:24:18,562 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:24:18,582 - INFO - Price: $1857.32 | Action: SELL +2025-03-10 21:24:18,582 - INFO - Balance: $102.37 | Trades: 10 | Win Rate: 60.0% | Total PnL: $2.37 +2025-03-10 21:24:18,582 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 50.0% in downtrends +2025-03-10 21:24:23,888 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:24:23,903 - INFO - Price: $1856.73 | Action: SELL +2025-03-10 21:24:23,904 - INFO - Balance: $102.37 | Trades: 10 | Win Rate: 60.0% | Total PnL: $2.37 +2025-03-10 21:24:23,904 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 50.0% in downtrends +2025-03-10 21:24:29,212 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:24:29,227 - INFO - Price: $1858.40 | Action: SELL +2025-03-10 21:24:29,233 - INFO - Balance: $102.37 | Trades: 10 | Win Rate: 60.0% | Total PnL: $2.37 +2025-03-10 21:24:29,233 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 50.0% in downtrends +2025-03-10 21:24:34,561 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:24:34,584 - INFO - Price: $1860.33 | Action: SELL +2025-03-10 21:24:34,584 - INFO - Balance: $102.37 | Trades: 10 | Win Rate: 60.0% | Total PnL: $2.37 +2025-03-10 21:24:34,584 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 50.0% in downtrends +2025-03-10 21:24:39,897 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:24:39,918 - INFO - Price: $1861.27 | Action: SELL +2025-03-10 21:24:39,918 - INFO - Balance: $102.37 | Trades: 10 | Win Rate: 60.0% | Total PnL: $2.37 +2025-03-10 21:24:39,919 - INFO - Recent Performance: Win Rate=50.0% in uptrends, 50.0% in downtrends +2025-03-10 21:24:45,229 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:24:45,246 - INFO - STOP LOSS hit for short at 1859.1897 | PnL: -0.50% | $-0.24 +2025-03-10 21:24:45,247 - INFO - Price: $1861.27 | Action: SELL +2025-03-10 21:24:45,247 - INFO - Balance: $102.13 | Trades: 11 | Win Rate: 54.5% | Total PnL: $2.13 +2025-03-10 21:24:45,248 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:24:50,559 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:24:50,578 - INFO - OPENED SHORT at 1860.2 | Stop loss: 1869.5009999999997 | Take profit: 1832.297 +2025-03-10 21:24:50,578 - INFO - Price: $1859.44 | Action: SELL +2025-03-10 21:24:50,581 - INFO - Balance: $102.13 | Trades: 11 | Win Rate: 54.5% | Total PnL: $2.13 +2025-03-10 21:24:50,581 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:24:55,884 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:24:55,894 - INFO - Price: $1859.02 | Action: SELL +2025-03-10 21:24:55,894 - INFO - Balance: $102.13 | Trades: 11 | Win Rate: 54.5% | Total PnL: $2.13 +2025-03-10 21:24:55,894 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:25:01,230 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:25:01,244 - INFO - Price: $1859.67 | Action: SELL +2025-03-10 21:25:01,246 - INFO - Balance: $102.13 | Trades: 11 | Win Rate: 54.5% | Total PnL: $2.13 +2025-03-10 21:25:01,246 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:25:06,554 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:25:06,572 - INFO - Price: $1859.83 | Action: SELL +2025-03-10 21:25:06,573 - INFO - Balance: $102.13 | Trades: 11 | Win Rate: 54.5% | Total PnL: $2.13 +2025-03-10 21:25:06,574 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:25:11,893 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:25:11,903 - INFO - Price: $1859.84 | Action: SELL +2025-03-10 21:25:11,903 - INFO - Balance: $102.13 | Trades: 11 | Win Rate: 54.5% | Total PnL: $2.13 +2025-03-10 21:25:11,903 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:25:17,222 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:25:17,230 - INFO - Price: $1857.57 | Action: SELL +2025-03-10 21:25:17,241 - INFO - Balance: $102.13 | Trades: 11 | Win Rate: 54.5% | Total PnL: $2.13 +2025-03-10 21:25:17,241 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:25:22,557 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:25:22,574 - INFO - STOP LOSS hit for short at 1869.5009999999997 | PnL: -0.50% | $-0.24 +2025-03-10 21:25:22,574 - INFO - Price: $1854.66 | Action: SELL +2025-03-10 21:25:22,575 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:25:22,575 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:25:27,895 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:25:27,911 - INFO - OPENED SHORT at 1868.59 | Stop loss: 1877.9329499999997 | Take profit: 1840.56115 +2025-03-10 21:25:27,912 - INFO - Price: $1857.41 | Action: SELL +2025-03-10 21:25:27,912 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:25:27,913 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:25:33,235 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:25:33,256 - INFO - Price: $1857.47 | Action: SELL +2025-03-10 21:25:33,256 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:25:33,257 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:25:38,570 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:25:38,586 - INFO - Price: $1861.00 | Action: SELL +2025-03-10 21:25:38,586 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:25:38,586 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:25:43,969 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:25:43,985 - INFO - Price: $1861.62 | Action: SELL +2025-03-10 21:25:43,985 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:25:43,986 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:25:49,316 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:25:49,333 - INFO - Price: $1862.33 | Action: SELL +2025-03-10 21:25:49,334 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:25:49,335 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:25:54,697 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:25:54,714 - INFO - Price: $1862.07 | Action: SELL +2025-03-10 21:25:54,714 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:25:54,715 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:26:00,019 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:26:00,045 - INFO - Price: $1862.24 | Action: SELL +2025-03-10 21:26:00,046 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:26:00,046 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:26:05,382 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:26:05,398 - INFO - Price: $1861.00 | Action: SELL +2025-03-10 21:26:05,398 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:26:05,398 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:26:10,777 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:26:10,793 - INFO - Price: $1859.14 | Action: SELL +2025-03-10 21:26:10,793 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:26:10,794 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:26:16,108 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:26:16,131 - INFO - Price: $1856.87 | Action: SELL +2025-03-10 21:26:16,131 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:26:16,132 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:26:21,444 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:26:21,465 - INFO - Price: $1857.09 | Action: SELL +2025-03-10 21:26:21,465 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:26:21,466 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:26:26,791 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:26:26,814 - INFO - Price: $1858.52 | Action: SELL +2025-03-10 21:26:26,815 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:26:26,815 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:26:32,150 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:26:32,170 - INFO - Price: $1860.53 | Action: SELL +2025-03-10 21:26:32,171 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:26:32,171 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:26:37,495 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:26:37,520 - INFO - Price: $1860.66 | Action: SELL +2025-03-10 21:26:37,520 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:26:37,521 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:26:42,888 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:26:42,904 - INFO - Price: $1860.53 | Action: SELL +2025-03-10 21:26:42,905 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:26:42,905 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:26:48,213 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:26:48,234 - INFO - Price: $1861.17 | Action: SELL +2025-03-10 21:26:48,234 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:26:48,234 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:26:53,540 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:26:53,563 - INFO - Price: $1861.53 | Action: SELL +2025-03-10 21:26:53,563 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:26:53,563 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:26:58,901 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:26:58,922 - INFO - Price: $1862.56 | Action: SELL +2025-03-10 21:26:58,922 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:26:58,922 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:27:04,248 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:27:04,266 - INFO - Price: $1864.51 | Action: SELL +2025-03-10 21:27:04,266 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:27:04,267 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:27:09,593 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:27:09,610 - INFO - Price: $1864.08 | Action: SELL +2025-03-10 21:27:09,611 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:27:09,611 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:27:14,907 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:27:14,929 - INFO - Price: $1862.62 | Action: SELL +2025-03-10 21:27:14,929 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:27:14,930 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:27:20,232 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:27:20,249 - INFO - Price: $1859.85 | Action: SELL +2025-03-10 21:27:20,249 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:27:20,249 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:27:25,556 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:27:25,570 - INFO - Price: $1861.27 | Action: SELL +2025-03-10 21:27:25,572 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:27:25,572 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:27:30,868 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:27:30,891 - INFO - Price: $1860.86 | Action: SELL +2025-03-10 21:27:30,891 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:27:30,892 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:27:36,204 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:27:36,219 - INFO - Price: $1858.93 | Action: SELL +2025-03-10 21:27:36,220 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:27:36,220 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:27:41,545 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:27:41,561 - INFO - Price: $1857.94 | Action: SELL +2025-03-10 21:27:41,561 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:27:41,561 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:27:46,925 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:27:46,948 - INFO - Price: $1856.45 | Action: SELL +2025-03-10 21:27:46,948 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:27:46,948 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:27:52,268 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:27:52,291 - INFO - Price: $1856.21 | Action: SELL +2025-03-10 21:27:52,291 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:27:52,291 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:27:57,619 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:27:57,648 - INFO - Price: $1855.34 | Action: SELL +2025-03-10 21:27:57,648 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:27:57,648 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:28:02,950 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:28:02,971 - INFO - Price: $1856.08 | Action: SELL +2025-03-10 21:28:02,971 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:28:02,971 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:28:08,278 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:28:08,292 - INFO - Price: $1855.14 | Action: SELL +2025-03-10 21:28:08,293 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:28:08,293 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:28:13,590 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:28:13,600 - INFO - Price: $1854.76 | Action: SELL +2025-03-10 21:28:13,600 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:28:13,609 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:28:18,919 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:28:18,938 - INFO - Price: $1853.06 | Action: SELL +2025-03-10 21:28:18,938 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:28:18,938 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:28:24,245 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:28:24,262 - INFO - Price: $1853.69 | Action: SELL +2025-03-10 21:28:24,262 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:28:24,262 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:28:29,585 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:28:29,604 - INFO - Price: $1855.22 | Action: SELL +2025-03-10 21:28:29,605 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:28:29,605 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:28:34,926 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:28:34,946 - INFO - Price: $1854.49 | Action: SELL +2025-03-10 21:28:34,947 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:28:34,948 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:28:40,263 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:28:40,280 - INFO - Price: $1853.69 | Action: SELL +2025-03-10 21:28:40,280 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:28:40,282 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:28:45,588 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:28:45,608 - INFO - Price: $1853.75 | Action: SELL +2025-03-10 21:28:45,609 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:28:45,609 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:28:50,933 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:28:50,945 - INFO - Price: $1854.45 | Action: SELL +2025-03-10 21:28:50,945 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:28:50,945 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:28:56,321 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:28:56,340 - INFO - Price: $1855.03 | Action: SELL +2025-03-10 21:28:56,342 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:28:56,342 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:29:02,105 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:29:02,122 - INFO - Price: $1854.21 | Action: SELL +2025-03-10 21:29:02,122 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:29:02,122 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:29:07,439 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:29:07,463 - INFO - Price: $1854.64 | Action: SELL +2025-03-10 21:29:07,463 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:29:07,463 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:29:12,778 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:29:12,800 - INFO - Price: $1853.00 | Action: SELL +2025-03-10 21:29:12,800 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:29:12,800 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:29:18,113 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:29:18,136 - INFO - Price: $1853.92 | Action: SELL +2025-03-10 21:29:18,136 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:29:18,137 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:29:23,444 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:29:23,456 - INFO - Price: $1852.64 | Action: SELL +2025-03-10 21:29:23,456 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:29:23,462 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:29:28,788 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:29:28,803 - INFO - Price: $1852.64 | Action: SELL +2025-03-10 21:29:28,804 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:29:28,804 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:29:34,104 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:29:34,121 - INFO - Price: $1851.00 | Action: SELL +2025-03-10 21:29:34,121 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:29:34,122 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:29:39,435 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:29:39,453 - INFO - Price: $1850.63 | Action: SELL +2025-03-10 21:29:39,454 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:29:39,454 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:29:44,776 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:29:44,797 - INFO - Price: $1851.92 | Action: SELL +2025-03-10 21:29:44,797 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:29:44,799 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:29:50,111 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:29:50,131 - INFO - Price: $1852.32 | Action: SELL +2025-03-10 21:29:50,131 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:29:50,132 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:29:55,421 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:29:55,443 - INFO - Price: $1851.82 | Action: SELL +2025-03-10 21:29:55,443 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:29:55,443 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:30:00,805 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:30:00,828 - INFO - Price: $1851.01 | Action: SELL +2025-03-10 21:30:00,828 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:30:00,829 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:30:06,123 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:30:06,143 - INFO - Price: $1854.67 | Action: SELL +2025-03-10 21:30:06,145 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:30:06,146 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:30:11,451 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:30:11,469 - INFO - Price: $1854.82 | Action: SELL +2025-03-10 21:30:11,470 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:30:11,470 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:30:16,786 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:30:16,805 - INFO - Price: $1852.86 | Action: SELL +2025-03-10 21:30:16,806 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:30:16,807 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:30:22,129 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:30:22,149 - INFO - Price: $1853.09 | Action: SELL +2025-03-10 21:30:22,151 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:30:22,151 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:30:27,526 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:30:27,540 - INFO - Price: $1854.55 | Action: SELL +2025-03-10 21:30:27,541 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:30:27,541 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:30:32,860 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:30:32,876 - INFO - Price: $1857.01 | Action: SELL +2025-03-10 21:30:32,877 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:30:32,877 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:30:38,613 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:30:38,635 - INFO - Price: $1860.14 | Action: SELL +2025-03-10 21:30:38,637 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:30:38,637 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:30:43,937 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:30:43,959 - INFO - Price: $1858.42 | Action: SELL +2025-03-10 21:30:43,959 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:30:43,959 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:30:49,285 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:30:49,306 - INFO - Price: $1859.84 | Action: SELL +2025-03-10 21:30:49,306 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:30:49,307 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:30:54,637 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:30:54,653 - INFO - Price: $1861.81 | Action: SELL +2025-03-10 21:30:54,653 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:30:54,653 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:30:59,961 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:30:59,976 - INFO - Price: $1862.25 | Action: SELL +2025-03-10 21:30:59,976 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:30:59,977 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:31:05,289 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:31:05,308 - INFO - Price: $1863.18 | Action: SELL +2025-03-10 21:31:05,309 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:31:05,309 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:31:10,609 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:31:10,631 - INFO - Price: $1865.22 | Action: SELL +2025-03-10 21:31:10,631 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:31:10,633 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:31:15,970 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:31:15,984 - INFO - Price: $1866.38 | Action: SELL +2025-03-10 21:31:15,984 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:31:15,984 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:31:21,291 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:31:21,311 - INFO - Price: $1864.31 | Action: SELL +2025-03-10 21:31:21,312 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:31:21,312 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:31:26,635 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:31:26,652 - INFO - Price: $1863.01 | Action: SELL +2025-03-10 21:31:26,653 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:31:26,653 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:31:31,972 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:31:31,987 - INFO - Price: $1862.28 | Action: SELL +2025-03-10 21:31:31,987 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:31:31,990 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:31:37,330 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:31:37,347 - INFO - Price: $1861.66 | Action: SELL +2025-03-10 21:31:37,347 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:31:37,347 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:31:42,671 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:31:42,687 - INFO - Price: $1864.31 | Action: SELL +2025-03-10 21:31:42,687 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:31:42,687 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:31:48,009 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:31:48,029 - INFO - Price: $1865.11 | Action: SELL +2025-03-10 21:31:48,029 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:31:48,030 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:31:53,353 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:31:53,373 - INFO - Price: $1863.67 | Action: SELL +2025-03-10 21:31:53,373 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:31:53,374 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:31:58,675 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:31:58,690 - INFO - Price: $1863.67 | Action: SELL +2025-03-10 21:31:58,691 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:31:58,691 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:32:04,029 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:32:04,051 - INFO - Price: $1860.95 | Action: SELL +2025-03-10 21:32:04,051 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:32:04,051 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:32:09,373 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:32:09,396 - INFO - Price: $1860.64 | Action: SELL +2025-03-10 21:32:09,397 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:32:09,397 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:32:15,157 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:32:15,178 - INFO - Price: $1861.20 | Action: SELL +2025-03-10 21:32:15,179 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:32:15,179 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:32:20,476 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:32:20,504 - INFO - Price: $1863.60 | Action: SELL +2025-03-10 21:32:20,506 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:32:20,506 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:32:25,812 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:32:25,836 - INFO - Price: $1862.81 | Action: SELL +2025-03-10 21:32:25,837 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:32:25,837 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:32:31,168 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:32:31,181 - INFO - Price: $1862.81 | Action: SELL +2025-03-10 21:32:31,185 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:32:31,185 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:32:36,521 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:32:36,538 - INFO - Price: $1861.92 | Action: SELL +2025-03-10 21:32:36,538 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:32:36,539 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:32:41,857 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:32:41,879 - INFO - Price: $1860.73 | Action: SELL +2025-03-10 21:32:41,879 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:32:41,880 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:32:47,184 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:32:47,202 - INFO - Price: $1860.31 | Action: SELL +2025-03-10 21:32:47,203 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:32:47,203 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:32:52,533 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:32:52,551 - INFO - Price: $1860.46 | Action: SELL +2025-03-10 21:32:52,552 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:32:52,552 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:32:57,925 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:32:57,947 - INFO - Price: $1860.94 | Action: SELL +2025-03-10 21:32:57,948 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:32:57,948 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:33:03,281 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:33:03,297 - INFO - Price: $1859.67 | Action: SELL +2025-03-10 21:33:03,297 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:33:03,298 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:33:08,615 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:33:08,635 - INFO - Price: $1859.00 | Action: SELL +2025-03-10 21:33:08,636 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:33:08,636 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:33:13,953 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:33:13,971 - INFO - Price: $1860.71 | Action: SELL +2025-03-10 21:33:13,971 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:33:13,974 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:33:19,307 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:33:19,326 - INFO - Price: $1862.45 | Action: SELL +2025-03-10 21:33:19,327 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:33:19,327 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:33:24,695 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:33:24,712 - INFO - Price: $1866.06 | Action: SELL +2025-03-10 21:33:24,712 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:33:24,713 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:33:30,025 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:33:30,044 - INFO - Price: $1865.86 | Action: SELL +2025-03-10 21:33:30,044 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:33:30,045 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:33:35,356 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:33:35,374 - INFO - Price: $1866.26 | Action: SELL +2025-03-10 21:33:35,374 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:33:35,374 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:33:40,698 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:33:40,714 - INFO - Price: $1869.75 | Action: SELL +2025-03-10 21:33:40,714 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:33:40,730 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:33:46,038 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:33:46,057 - INFO - Price: $1869.20 | Action: SELL +2025-03-10 21:33:46,057 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:33:46,057 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:33:51,382 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:33:51,411 - INFO - Price: $1868.08 | Action: SELL +2025-03-10 21:33:51,411 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:33:51,411 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:33:56,718 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:33:56,738 - INFO - Price: $1867.67 | Action: SELL +2025-03-10 21:33:56,739 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:33:56,741 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:34:02,063 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:34:02,081 - INFO - Price: $1868.71 | Action: SELL +2025-03-10 21:34:02,081 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:34:02,082 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:34:07,400 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:34:07,417 - INFO - Price: $1870.53 | Action: SELL +2025-03-10 21:34:07,417 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:34:07,418 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:34:12,763 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:34:12,782 - INFO - Price: $1872.65 | Action: SELL +2025-03-10 21:34:12,782 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:34:12,783 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:34:18,118 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:34:18,139 - INFO - Price: $1868.94 | Action: SELL +2025-03-10 21:34:18,139 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:34:18,140 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:34:23,444 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:34:23,460 - INFO - Price: $1877.34 | Action: SELL +2025-03-10 21:34:23,461 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:34:23,461 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:34:28,784 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:34:28,806 - INFO - Price: $1881.22 | Action: SELL +2025-03-10 21:34:28,807 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:34:28,807 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:34:34,136 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:34:34,151 - INFO - Price: $1880.63 | Action: SELL +2025-03-10 21:34:34,152 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:34:34,153 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:34:39,468 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:34:39,483 - INFO - Price: $1878.99 | Action: SELL +2025-03-10 21:34:39,483 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:34:39,488 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:34:44,788 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:34:44,808 - INFO - Price: $1878.24 | Action: SELL +2025-03-10 21:34:44,810 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:34:44,811 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:34:50,131 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:34:50,151 - INFO - Price: $1878.19 | Action: SELL +2025-03-10 21:34:50,152 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:34:50,152 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:34:55,469 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:34:55,487 - INFO - Price: $1877.78 | Action: SELL +2025-03-10 21:34:55,490 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:34:55,490 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:35:00,842 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:35:00,859 - INFO - Price: $1878.05 | Action: SELL +2025-03-10 21:35:00,860 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:35:00,860 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:35:06,180 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:35:06,202 - INFO - Price: $1878.18 | Action: SELL +2025-03-10 21:35:06,202 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:35:06,202 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:35:11,536 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:35:11,559 - INFO - Price: $1876.00 | Action: SELL +2025-03-10 21:35:11,559 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:35:11,560 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:35:16,855 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:35:16,871 - INFO - Price: $1874.81 | Action: SELL +2025-03-10 21:35:16,873 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:35:16,873 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:35:22,180 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:35:22,204 - INFO - Price: $1879.08 | Action: SELL +2025-03-10 21:35:22,205 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:35:22,205 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:35:27,517 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:35:27,531 - INFO - Price: $1880.26 | Action: SELL +2025-03-10 21:35:27,532 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:35:27,532 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:35:32,880 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:35:32,898 - INFO - Price: $1880.12 | Action: SELL +2025-03-10 21:35:32,898 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:35:32,898 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:35:38,194 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:35:38,216 - INFO - Price: $1879.69 | Action: SELL +2025-03-10 21:35:38,216 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:35:38,221 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:35:43,539 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:35:43,556 - INFO - Price: $1879.41 | Action: SELL +2025-03-10 21:35:43,556 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:35:43,557 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:35:48,866 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:35:48,883 - INFO - Price: $1879.41 | Action: SELL +2025-03-10 21:35:48,883 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:35:48,883 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:35:54,202 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:35:54,217 - INFO - Price: $1877.43 | Action: SELL +2025-03-10 21:35:54,218 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:35:54,218 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:35:59,550 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:35:59,570 - INFO - Price: $1877.57 | Action: SELL +2025-03-10 21:35:59,571 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:35:59,571 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:36:04,877 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:36:04,895 - INFO - Price: $1875.64 | Action: SELL +2025-03-10 21:36:04,895 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:36:04,896 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:36:10,212 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:36:10,233 - INFO - Price: $1875.91 | Action: SELL +2025-03-10 21:36:10,233 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:36:10,233 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:36:15,540 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:36:15,557 - INFO - Price: $1875.76 | Action: SELL +2025-03-10 21:36:15,557 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:36:15,557 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:36:20,856 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:36:20,871 - INFO - Price: $1877.32 | Action: SELL +2025-03-10 21:36:20,872 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:36:20,872 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:36:26,185 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:36:26,201 - INFO - Price: $1877.00 | Action: SELL +2025-03-10 21:36:26,201 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:36:26,201 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:36:31,501 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:36:31,523 - INFO - Price: $1877.15 | Action: SELL +2025-03-10 21:36:31,523 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:36:31,524 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:36:36,831 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:36:36,852 - INFO - Price: $1876.71 | Action: SELL +2025-03-10 21:36:36,852 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:36:36,853 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:36:42,167 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:36:42,182 - INFO - Price: $1876.27 | Action: SELL +2025-03-10 21:36:42,183 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:36:42,183 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:36:47,485 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:36:47,499 - INFO - Price: $1876.09 | Action: SELL +2025-03-10 21:36:47,501 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:36:47,501 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:36:52,840 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:36:52,861 - INFO - Price: $1876.29 | Action: SELL +2025-03-10 21:36:52,861 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:36:52,861 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:36:58,161 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:36:58,180 - INFO - Price: $1875.15 | Action: SELL +2025-03-10 21:36:58,180 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:36:58,180 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:37:03,475 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:37:03,496 - INFO - Price: $1874.55 | Action: SELL +2025-03-10 21:37:03,496 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:37:03,496 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:37:08,797 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:37:08,822 - INFO - Price: $1875.52 | Action: SELL +2025-03-10 21:37:08,823 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:37:08,823 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:37:14,126 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:37:14,138 - INFO - Price: $1873.41 | Action: SELL +2025-03-10 21:37:14,138 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:37:14,138 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:37:19,462 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:37:19,478 - INFO - Price: $1873.20 | Action: SELL +2025-03-10 21:37:19,478 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:37:19,478 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:37:24,801 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:37:24,817 - INFO - Price: $1873.72 | Action: SELL +2025-03-10 21:37:24,819 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:37:24,819 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:37:30,103 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:37:30,128 - INFO - Price: $1874.16 | Action: SELL +2025-03-10 21:37:30,128 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:37:30,128 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:37:35,458 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:37:35,479 - INFO - Price: $1873.86 | Action: SELL +2025-03-10 21:37:35,480 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:37:35,480 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:37:40,795 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:37:40,812 - INFO - Price: $1873.75 | Action: SELL +2025-03-10 21:37:40,812 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:37:40,816 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:37:46,131 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:37:46,148 - INFO - Price: $1873.31 | Action: SELL +2025-03-10 21:37:46,151 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:37:46,152 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:37:51,452 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:37:51,471 - INFO - Price: $1871.28 | Action: SELL +2025-03-10 21:37:51,471 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:37:51,471 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:37:56,764 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:37:56,793 - INFO - Price: $1871.27 | Action: SELL +2025-03-10 21:37:56,793 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:37:56,793 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:38:02,111 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:38:02,127 - INFO - Price: $1870.00 | Action: SELL +2025-03-10 21:38:02,127 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:38:02,131 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:38:07,458 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:38:07,475 - INFO - Price: $1869.00 | Action: SELL +2025-03-10 21:38:07,475 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:38:07,477 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:38:12,805 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:38:12,825 - INFO - Price: $1868.30 | Action: SELL +2025-03-10 21:38:12,825 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:38:12,826 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:38:18,134 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:38:18,144 - INFO - Price: $1869.62 | Action: SELL +2025-03-10 21:38:18,144 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:38:18,155 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:38:23,460 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:38:23,484 - INFO - Price: $1872.04 | Action: SELL +2025-03-10 21:38:23,484 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:38:23,484 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:38:28,783 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:38:28,796 - INFO - Price: $1872.45 | Action: SELL +2025-03-10 21:38:28,796 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:38:28,800 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:38:34,125 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:38:34,144 - INFO - Price: $1872.73 | Action: SELL +2025-03-10 21:38:34,144 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:38:34,145 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:38:39,439 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:38:39,459 - INFO - Price: $1872.87 | Action: SELL +2025-03-10 21:38:39,459 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:38:39,460 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:38:44,754 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:38:44,776 - INFO - Price: $1873.05 | Action: SELL +2025-03-10 21:38:44,776 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:38:44,776 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:38:50,107 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:38:50,125 - INFO - Price: $1872.27 | Action: SELL +2025-03-10 21:38:50,125 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:38:50,126 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:38:55,455 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:38:55,473 - INFO - Price: $1872.90 | Action: SELL +2025-03-10 21:38:55,473 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:38:55,474 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:39:00,792 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:39:00,811 - INFO - Price: $1873.66 | Action: SELL +2025-03-10 21:39:00,812 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:39:00,813 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:39:06,131 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:39:06,151 - INFO - Price: $1874.62 | Action: SELL +2025-03-10 21:39:06,151 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:39:06,152 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:39:11,466 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:39:11,481 - INFO - Price: $1873.80 | Action: SELL +2025-03-10 21:39:11,482 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:39:11,483 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:39:16,810 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:39:16,832 - INFO - Price: $1874.24 | Action: SELL +2025-03-10 21:39:16,832 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:39:16,833 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:39:22,166 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:39:22,183 - INFO - Price: $1875.24 | Action: SELL +2025-03-10 21:39:22,183 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:39:22,184 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:39:27,490 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:39:27,505 - INFO - Price: $1876.78 | Action: SELL +2025-03-10 21:39:27,505 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:39:27,506 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:39:32,890 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:39:32,913 - INFO - Price: $1877.02 | Action: SELL +2025-03-10 21:39:32,914 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:39:32,914 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:39:38,241 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:39:38,257 - INFO - Price: $1876.47 | Action: SELL +2025-03-10 21:39:38,257 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:39:38,257 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:39:43,596 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:39:43,616 - INFO - Price: $1877.07 | Action: SELL +2025-03-10 21:39:43,618 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:39:43,618 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:39:48,918 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:39:48,935 - INFO - Price: $1878.35 | Action: SELL +2025-03-10 21:39:48,935 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:39:48,936 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:39:54,241 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:39:54,259 - INFO - Price: $1878.35 | Action: SELL +2025-03-10 21:39:54,259 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:39:54,260 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:39:59,588 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:39:59,602 - INFO - Price: $1878.23 | Action: SELL +2025-03-10 21:39:59,602 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:39:59,604 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:40:04,917 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:40:04,938 - INFO - Price: $1877.76 | Action: SELL +2025-03-10 21:40:04,938 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:40:04,940 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:40:10,265 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:40:10,277 - INFO - Price: $1877.59 | Action: SELL +2025-03-10 21:40:10,277 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:40:10,277 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:40:15,595 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:40:15,609 - INFO - Price: $1877.84 | Action: SELL +2025-03-10 21:40:15,609 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:40:15,611 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:40:20,917 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:40:20,935 - INFO - Price: $1877.00 | Action: SELL +2025-03-10 21:40:20,938 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:40:20,938 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:40:26,240 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:40:26,264 - INFO - Price: $1876.35 | Action: SELL +2025-03-10 21:40:26,265 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:40:26,265 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:40:31,575 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:40:31,595 - INFO - Price: $1877.13 | Action: SELL +2025-03-10 21:40:31,595 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:40:31,595 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:40:36,907 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:40:36,928 - INFO - Price: $1877.97 | Action: SELL +2025-03-10 21:40:36,929 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:40:36,929 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:40:42,228 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:40:42,244 - INFO - Price: $1878.08 | Action: SELL +2025-03-10 21:40:42,244 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:40:42,245 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:40:47,637 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:40:47,654 - INFO - Price: $1877.59 | Action: SELL +2025-03-10 21:40:47,654 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:40:47,654 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:40:52,969 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:40:52,992 - INFO - Price: $1876.39 | Action: SELL +2025-03-10 21:40:52,992 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:40:52,992 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:40:58,285 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:40:58,314 - INFO - Price: $1876.50 | Action: SELL +2025-03-10 21:40:58,315 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:40:58,315 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:41:03,637 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:41:03,662 - INFO - Price: $1876.10 | Action: SELL +2025-03-10 21:41:03,663 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:41:03,663 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:41:08,981 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:41:08,996 - INFO - Price: $1874.42 | Action: SELL +2025-03-10 21:41:08,996 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:41:08,996 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:41:14,312 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:41:14,324 - INFO - Price: $1872.93 | Action: SELL +2025-03-10 21:41:14,324 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:41:14,324 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:41:19,657 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:41:19,678 - INFO - Price: $1872.01 | Action: SELL +2025-03-10 21:41:19,679 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:41:19,679 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:41:24,996 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:41:25,017 - INFO - Price: $1872.74 | Action: SELL +2025-03-10 21:41:25,017 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:41:25,017 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:41:30,345 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:41:30,360 - INFO - Price: $1874.64 | Action: SELL +2025-03-10 21:41:30,360 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:41:30,363 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:41:35,715 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:41:35,732 - INFO - Price: $1874.76 | Action: SELL +2025-03-10 21:41:35,732 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:41:35,734 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:41:41,034 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:41:41,067 - INFO - Price: $1874.79 | Action: SELL +2025-03-10 21:41:41,068 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:41:41,068 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:41:46,362 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:41:46,394 - INFO - Price: $1876.28 | Action: SELL +2025-03-10 21:41:46,394 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:41:46,395 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:41:51,684 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:41:51,705 - INFO - Price: $1875.63 | Action: SELL +2025-03-10 21:41:51,705 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:41:51,706 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:41:57,022 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:41:57,046 - INFO - Price: $1876.18 | Action: SELL +2025-03-10 21:41:57,046 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:41:57,046 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:42:02,340 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:42:02,369 - INFO - Price: $1876.16 | Action: SELL +2025-03-10 21:42:02,369 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:42:02,370 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:42:07,667 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:42:07,689 - INFO - Price: $1875.75 | Action: SELL +2025-03-10 21:42:07,690 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:42:07,690 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:42:12,997 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:42:13,020 - INFO - Price: $1874.54 | Action: SELL +2025-03-10 21:42:13,020 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:42:13,020 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:42:18,368 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:42:18,386 - INFO - Price: $1874.21 | Action: SELL +2025-03-10 21:42:18,386 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:42:18,386 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:42:23,689 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:42:23,708 - INFO - Price: $1873.90 | Action: SELL +2025-03-10 21:42:23,708 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:42:23,708 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:42:29,012 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:42:29,031 - INFO - Price: $1872.79 | Action: SELL +2025-03-10 21:42:29,032 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:42:29,033 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:42:34,342 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:42:34,365 - INFO - Price: $1871.85 | Action: SELL +2025-03-10 21:42:34,365 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:42:34,365 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:42:39,656 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:42:39,679 - INFO - Price: $1870.08 | Action: SELL +2025-03-10 21:42:39,679 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:42:39,683 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:42:44,992 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:42:45,026 - INFO - Price: $1870.19 | Action: SELL +2025-03-10 21:42:45,027 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:42:45,027 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:42:50,331 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:42:50,351 - INFO - Price: $1870.11 | Action: SELL +2025-03-10 21:42:50,352 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:42:50,352 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:42:55,668 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:42:55,685 - INFO - Price: $1870.04 | Action: SELL +2025-03-10 21:42:55,689 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:42:55,689 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:43:01,060 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:43:01,077 - INFO - Price: $1869.36 | Action: SELL +2025-03-10 21:43:01,077 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:43:01,077 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:43:06,399 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:43:06,413 - INFO - Price: $1869.77 | Action: SELL +2025-03-10 21:43:06,413 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:43:06,416 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:43:11,726 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:43:11,745 - INFO - Price: $1869.91 | Action: SELL +2025-03-10 21:43:11,745 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:43:11,746 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:43:17,054 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:43:17,077 - INFO - Price: $1869.75 | Action: SELL +2025-03-10 21:43:17,080 - INFO - Balance: $101.89 | Trades: 12 | Win Rate: 50.0% | Total PnL: $1.89 +2025-03-10 21:43:17,080 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 50.0% in downtrends +2025-03-10 21:43:22,382 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:43:22,399 - INFO - STOP LOSS hit for short at 1877.9329499999997 | PnL: -0.50% | $-0.24 +2025-03-10 21:43:22,399 - INFO - Price: $1869.80 | Action: SELL +2025-03-10 21:43:22,400 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:43:22,400 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:43:27,709 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:43:27,735 - INFO - OPENED SHORT at 1880.63 | Stop loss: 1890.03315 | Take profit: 1852.42055 +2025-03-10 21:43:27,736 - INFO - Price: $1869.52 | Action: SELL +2025-03-10 21:43:27,736 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:43:27,736 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:43:33,042 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:43:33,061 - INFO - Price: $1867.64 | Action: SELL +2025-03-10 21:43:33,061 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:43:33,061 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:43:38,374 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:43:38,396 - INFO - Price: $1867.06 | Action: SELL +2025-03-10 21:43:38,398 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:43:38,398 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:43:43,732 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:43:43,751 - INFO - Price: $1867.20 | Action: SELL +2025-03-10 21:43:43,751 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:43:43,751 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:43:49,073 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:43:49,091 - INFO - Price: $1867.97 | Action: SELL +2025-03-10 21:43:49,091 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:43:49,092 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:43:54,448 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:43:54,464 - INFO - Price: $1867.02 | Action: SELL +2025-03-10 21:43:54,465 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:43:54,465 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:43:59,803 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:43:59,819 - INFO - Price: $1867.31 | Action: SELL +2025-03-10 21:43:59,820 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:43:59,820 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:44:05,130 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:44:05,149 - INFO - Price: $1867.31 | Action: SELL +2025-03-10 21:44:05,149 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:44:05,149 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:44:10,442 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:44:10,459 - INFO - Price: $1865.82 | Action: SELL +2025-03-10 21:44:10,460 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:44:10,460 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:44:15,781 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:44:15,802 - INFO - Price: $1866.28 | Action: SELL +2025-03-10 21:44:15,802 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:44:15,802 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:44:21,127 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:44:21,147 - INFO - Price: $1866.30 | Action: SELL +2025-03-10 21:44:21,148 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:44:21,148 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:44:26,465 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:44:26,487 - INFO - Price: $1866.78 | Action: SELL +2025-03-10 21:44:26,488 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:44:26,489 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:44:31,806 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:44:31,825 - INFO - Price: $1866.33 | Action: SELL +2025-03-10 21:44:31,826 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:44:31,827 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:44:37,134 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:44:37,149 - INFO - Price: $1865.36 | Action: SELL +2025-03-10 21:44:37,150 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:44:37,150 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:44:42,552 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:44:42,572 - INFO - Price: $1863.37 | Action: SELL +2025-03-10 21:44:42,572 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:44:42,572 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:44:47,875 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:44:47,894 - INFO - Price: $1865.34 | Action: SELL +2025-03-10 21:44:47,894 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:44:47,894 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:44:53,205 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:44:53,226 - INFO - Price: $1865.25 | Action: SELL +2025-03-10 21:44:53,226 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:44:53,227 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:44:58,547 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:44:58,556 - INFO - Price: $1863.41 | Action: SELL +2025-03-10 21:44:58,556 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:44:58,556 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:45:03,868 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:45:03,887 - INFO - Price: $1863.71 | Action: SELL +2025-03-10 21:45:03,887 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:45:03,887 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:45:09,198 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:45:09,220 - INFO - Price: $1862.42 | Action: SELL +2025-03-10 21:45:09,220 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:45:09,221 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:45:14,513 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:45:14,545 - INFO - Price: $1865.10 | Action: SELL +2025-03-10 21:45:14,545 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:45:14,545 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:45:19,847 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:45:19,867 - INFO - Price: $1865.03 | Action: SELL +2025-03-10 21:45:19,867 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:45:19,867 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:45:25,166 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:45:25,185 - INFO - Price: $1866.78 | Action: SELL +2025-03-10 21:45:25,185 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:45:25,186 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:45:30,520 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:45:30,539 - INFO - Price: $1867.24 | Action: SELL +2025-03-10 21:45:30,539 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:45:30,541 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:45:35,854 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:45:35,880 - INFO - Price: $1865.67 | Action: SELL +2025-03-10 21:45:35,880 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:45:35,880 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:45:41,202 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:45:41,220 - INFO - Price: $1866.16 | Action: SELL +2025-03-10 21:45:41,221 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:45:41,221 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:45:46,559 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:45:46,572 - INFO - Price: $1866.75 | Action: SELL +2025-03-10 21:45:46,572 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:45:46,572 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:45:51,893 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:45:51,908 - INFO - Price: $1866.75 | Action: SELL +2025-03-10 21:45:51,909 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:45:51,909 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:45:57,223 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:45:57,239 - INFO - Price: $1866.70 | Action: SELL +2025-03-10 21:45:57,239 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:45:57,239 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:46:02,575 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:46:02,591 - INFO - Price: $1865.09 | Action: SELL +2025-03-10 21:46:02,592 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:46:02,592 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:46:07,903 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:46:07,929 - INFO - Price: $1863.64 | Action: SELL +2025-03-10 21:46:07,930 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:46:07,930 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:46:13,250 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:46:13,272 - INFO - Price: $1861.63 | Action: SELL +2025-03-10 21:46:13,272 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:46:13,273 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:46:18,611 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:46:18,627 - INFO - Price: $1862.03 | Action: SELL +2025-03-10 21:46:18,643 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:46:18,644 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:46:23,969 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:46:23,992 - INFO - Price: $1862.92 | Action: SELL +2025-03-10 21:46:23,992 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:46:23,992 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:46:29,310 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:46:29,329 - INFO - Price: $1862.97 | Action: SELL +2025-03-10 21:46:29,329 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:46:29,329 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:46:34,635 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:46:34,649 - INFO - Price: $1862.80 | Action: SELL +2025-03-10 21:46:34,649 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:46:34,649 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:46:39,956 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:46:39,973 - INFO - Price: $1860.00 | Action: SELL +2025-03-10 21:46:39,973 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:46:39,974 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:46:45,305 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:46:45,328 - INFO - Price: $1859.00 | Action: SELL +2025-03-10 21:46:45,328 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:46:45,328 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:46:50,672 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:46:50,686 - INFO - Price: $1860.34 | Action: SELL +2025-03-10 21:46:50,686 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:46:50,686 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:46:55,997 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:46:56,017 - INFO - Price: $1860.81 | Action: SELL +2025-03-10 21:46:56,017 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:46:56,017 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:47:01,354 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:47:01,377 - INFO - Price: $1861.75 | Action: SELL +2025-03-10 21:47:01,378 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:47:01,378 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:47:06,898 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:47:06,918 - INFO - Price: $1860.71 | Action: SELL +2025-03-10 21:47:06,918 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:47:06,918 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:47:12,231 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:47:12,251 - INFO - Price: $1861.43 | Action: SELL +2025-03-10 21:47:12,251 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:47:12,252 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:47:17,617 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:47:17,639 - INFO - Price: $1862.23 | Action: SELL +2025-03-10 21:47:17,640 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:47:17,640 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:47:22,941 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:47:22,956 - INFO - Price: $1861.14 | Action: SELL +2025-03-10 21:47:22,957 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:47:22,958 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:47:28,266 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:47:28,289 - INFO - Price: $1861.55 | Action: SELL +2025-03-10 21:47:28,289 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:47:28,289 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:47:33,606 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:47:33,627 - INFO - Price: $1863.62 | Action: SELL +2025-03-10 21:47:33,627 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:47:33,628 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:47:38,925 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:47:38,941 - INFO - Price: $1864.17 | Action: SELL +2025-03-10 21:47:38,943 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:47:38,944 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:47:44,244 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:47:44,262 - INFO - Price: $1864.03 | Action: SELL +2025-03-10 21:47:44,264 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:47:44,264 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:47:49,573 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:47:49,590 - INFO - Price: $1863.37 | Action: SELL +2025-03-10 21:47:49,591 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:47:49,591 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:47:54,924 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:47:54,946 - INFO - Price: $1863.43 | Action: SELL +2025-03-10 21:47:54,946 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:47:54,946 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:48:00,252 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:48:00,262 - INFO - Price: $1863.30 | Action: SELL +2025-03-10 21:48:00,262 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:48:00,271 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:48:05,579 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:48:05,594 - INFO - Price: $1864.92 | Action: SELL +2025-03-10 21:48:05,594 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:48:05,594 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:48:10,906 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:48:10,921 - INFO - Price: $1863.95 | Action: SELL +2025-03-10 21:48:10,921 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:48:10,922 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:48:16,265 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:48:16,286 - INFO - Price: $1863.16 | Action: SELL +2025-03-10 21:48:16,286 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:48:16,289 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:48:21,587 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:48:21,607 - INFO - Price: $1863.89 | Action: SELL +2025-03-10 21:48:21,608 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:48:21,609 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:48:26,920 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:48:26,939 - INFO - Price: $1861.94 | Action: SELL +2025-03-10 21:48:26,940 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:48:26,940 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:48:32,263 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:48:32,284 - INFO - Price: $1861.45 | Action: SELL +2025-03-10 21:48:32,285 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:48:32,285 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:48:37,592 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:48:37,608 - INFO - Price: $1861.90 | Action: SELL +2025-03-10 21:48:37,609 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:48:37,609 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:48:42,904 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:48:42,925 - INFO - Price: $1863.19 | Action: SELL +2025-03-10 21:48:42,927 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:48:42,927 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:48:48,232 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:48:48,249 - INFO - Price: $1863.48 | Action: SELL +2025-03-10 21:48:48,249 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:48:48,250 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:48:53,558 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:48:53,575 - INFO - Price: $1863.48 | Action: SELL +2025-03-10 21:48:53,576 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:48:53,576 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:48:58,884 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:48:58,900 - INFO - Price: $1862.70 | Action: SELL +2025-03-10 21:48:58,900 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:48:58,900 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:49:04,219 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:49:04,234 - INFO - Price: $1860.04 | Action: SELL +2025-03-10 21:49:04,238 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:49:04,239 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:49:09,546 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:49:09,566 - INFO - Price: $1862.14 | Action: SELL +2025-03-10 21:49:09,566 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:49:09,566 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:49:14,886 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:49:14,904 - INFO - Price: $1861.79 | Action: SELL +2025-03-10 21:49:14,904 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:49:14,904 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:49:20,221 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:49:20,237 - INFO - Price: $1861.83 | Action: SELL +2025-03-10 21:49:20,239 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:49:20,239 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:49:25,538 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:49:25,563 - INFO - Price: $1861.98 | Action: SELL +2025-03-10 21:49:25,564 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:49:25,564 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:49:30,874 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:49:30,891 - INFO - Price: $1861.74 | Action: SELL +2025-03-10 21:49:30,891 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:49:30,892 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:49:36,183 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:49:36,203 - INFO - Price: $1861.09 | Action: SELL +2025-03-10 21:49:36,203 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:49:36,203 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:49:41,510 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:49:41,536 - INFO - Price: $1862.05 | Action: SELL +2025-03-10 21:49:41,536 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:49:41,538 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:49:46,855 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:49:46,876 - INFO - Price: $1862.19 | Action: SELL +2025-03-10 21:49:46,876 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:49:46,880 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:49:52,182 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:49:52,196 - INFO - Price: $1863.48 | Action: SELL +2025-03-10 21:49:52,196 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:49:52,196 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:49:57,516 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:49:57,538 - INFO - Price: $1862.87 | Action: SELL +2025-03-10 21:49:57,540 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:49:57,540 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:50:02,847 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:50:02,865 - INFO - Price: $1864.63 | Action: SELL +2025-03-10 21:50:02,865 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:50:02,865 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:50:08,190 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:50:08,209 - INFO - Price: $1864.76 | Action: SELL +2025-03-10 21:50:08,210 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:50:08,211 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:50:13,529 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:50:13,546 - INFO - Price: $1866.19 | Action: SELL +2025-03-10 21:50:13,546 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:50:13,546 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:50:18,891 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:50:18,913 - INFO - Price: $1869.02 | Action: SELL +2025-03-10 21:50:18,914 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:50:18,914 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:50:24,226 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:50:24,239 - INFO - Price: $1868.61 | Action: SELL +2025-03-10 21:50:24,239 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:50:24,239 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:50:29,574 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:50:29,596 - INFO - Price: $1870.14 | Action: SELL +2025-03-10 21:50:29,597 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:50:29,598 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:50:34,905 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:50:34,923 - INFO - Price: $1869.09 | Action: SELL +2025-03-10 21:50:34,923 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:50:34,924 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:50:40,255 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:50:40,280 - INFO - Price: $1867.33 | Action: SELL +2025-03-10 21:50:40,280 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:50:40,280 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:50:45,621 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:50:45,644 - INFO - Price: $1866.81 | Action: SELL +2025-03-10 21:50:45,644 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:50:45,645 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:50:50,978 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:50:51,001 - INFO - Price: $1868.71 | Action: SELL +2025-03-10 21:50:51,001 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:50:51,001 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:50:56,328 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:50:56,345 - INFO - Price: $1869.57 | Action: SELL +2025-03-10 21:50:56,346 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:50:56,346 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:51:01,662 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:51:01,676 - INFO - Price: $1872.35 | Action: SELL +2025-03-10 21:51:01,676 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:51:01,676 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:51:07,145 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:51:07,162 - INFO - Price: $1870.84 | Action: SELL +2025-03-10 21:51:07,162 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:51:07,162 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:51:12,600 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:51:12,622 - INFO - Price: $1872.46 | Action: SELL +2025-03-10 21:51:12,622 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:51:12,622 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:51:17,948 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:51:17,964 - INFO - Price: $1871.75 | Action: SELL +2025-03-10 21:51:17,964 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:51:17,964 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:51:23,286 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:51:23,310 - INFO - Price: $1869.51 | Action: SELL +2025-03-10 21:51:23,312 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:51:23,312 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:51:28,617 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:51:28,635 - INFO - Price: $1869.47 | Action: SELL +2025-03-10 21:51:28,635 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:51:28,638 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:51:33,941 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:51:33,965 - INFO - Price: $1868.89 | Action: SELL +2025-03-10 21:51:33,965 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:51:33,965 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:51:39,312 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:51:39,331 - INFO - Price: $1868.46 | Action: SELL +2025-03-10 21:51:39,331 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:51:39,331 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:51:44,648 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:51:44,665 - INFO - Price: $1868.82 | Action: SELL +2025-03-10 21:51:44,665 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:51:44,666 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:51:49,968 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:51:49,995 - INFO - Price: $1869.56 | Action: SELL +2025-03-10 21:51:49,995 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:51:49,995 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:51:55,296 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:51:55,317 - INFO - Price: $1869.91 | Action: SELL +2025-03-10 21:51:55,317 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:51:55,319 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:52:00,627 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:52:00,646 - INFO - Price: $1869.90 | Action: SELL +2025-03-10 21:52:00,646 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:52:00,647 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:52:05,949 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:52:05,965 - INFO - Price: $1868.85 | Action: SELL +2025-03-10 21:52:05,965 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:52:05,967 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:52:11,277 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:52:11,292 - INFO - Price: $1868.81 | Action: SELL +2025-03-10 21:52:11,292 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:52:11,298 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:52:16,599 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:52:16,623 - INFO - Price: $1869.23 | Action: SELL +2025-03-10 21:52:16,623 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:52:16,623 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:52:21,956 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:52:21,973 - INFO - Price: $1869.92 | Action: SELL +2025-03-10 21:52:21,973 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:52:21,976 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:52:27,288 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:52:27,306 - INFO - Price: $1869.94 | Action: SELL +2025-03-10 21:52:27,306 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:52:27,306 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:52:32,633 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:52:32,649 - INFO - Price: $1869.61 | Action: SELL +2025-03-10 21:52:32,650 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:52:32,650 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:52:37,957 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:52:37,978 - INFO - Price: $1869.19 | Action: SELL +2025-03-10 21:52:37,978 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:52:37,978 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:52:43,299 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:52:43,317 - INFO - Price: $1868.53 | Action: SELL +2025-03-10 21:52:43,317 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:52:43,317 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:52:48,640 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:52:48,661 - INFO - Price: $1867.51 | Action: SELL +2025-03-10 21:52:48,661 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:52:48,662 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:52:53,957 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:52:53,979 - INFO - Price: $1867.69 | Action: SELL +2025-03-10 21:52:53,979 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:52:53,979 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:52:59,285 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:52:59,304 - INFO - Price: $1867.73 | Action: SELL +2025-03-10 21:52:59,305 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:52:59,305 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:53:04,614 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:53:04,627 - INFO - Price: $1866.30 | Action: SELL +2025-03-10 21:53:04,627 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:53:04,627 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:53:09,922 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:53:09,944 - INFO - Price: $1868.36 | Action: SELL +2025-03-10 21:53:09,944 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:53:09,944 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:53:15,259 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:53:15,278 - INFO - Price: $1868.08 | Action: SELL +2025-03-10 21:53:15,280 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:53:15,280 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:53:20,592 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:53:20,607 - INFO - Price: $1868.38 | Action: SELL +2025-03-10 21:53:20,608 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:53:20,608 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:53:25,925 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:53:25,950 - INFO - Price: $1865.34 | Action: SELL +2025-03-10 21:53:25,950 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:53:25,950 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:53:31,283 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:53:31,300 - INFO - Price: $1865.32 | Action: SELL +2025-03-10 21:53:31,300 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:53:31,300 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:53:36,613 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:53:36,636 - INFO - Price: $1864.57 | Action: SELL +2025-03-10 21:53:36,636 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:53:36,637 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:53:41,951 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:53:41,972 - INFO - Price: $1864.71 | Action: SELL +2025-03-10 21:53:41,972 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:53:41,972 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:53:47,284 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:53:47,301 - INFO - Price: $1863.57 | Action: SELL +2025-03-10 21:53:47,301 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:53:47,301 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:53:52,598 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:53:52,620 - INFO - Price: $1863.65 | Action: SELL +2025-03-10 21:53:52,620 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:53:52,623 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:53:57,928 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:53:57,949 - INFO - Price: $1863.21 | Action: SELL +2025-03-10 21:53:57,949 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:53:57,949 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:54:03,259 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:54:03,276 - INFO - Price: $1862.67 | Action: SELL +2025-03-10 21:54:03,276 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:54:03,276 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:54:08,578 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:54:08,596 - INFO - Price: $1862.71 | Action: SELL +2025-03-10 21:54:08,596 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:54:08,597 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:54:13,883 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:54:13,905 - INFO - Price: $1863.10 | Action: SELL +2025-03-10 21:54:13,905 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:54:13,905 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:54:19,243 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:54:19,257 - INFO - Price: $1861.38 | Action: SELL +2025-03-10 21:54:19,257 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:54:19,261 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:54:24,609 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:54:24,637 - INFO - Price: $1862.58 | Action: SELL +2025-03-10 21:54:24,637 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:54:24,638 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:54:29,954 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:54:29,974 - INFO - Price: $1862.90 | Action: SELL +2025-03-10 21:54:29,975 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:54:29,975 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:54:35,280 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:54:35,302 - INFO - Price: $1862.47 | Action: SELL +2025-03-10 21:54:35,302 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:54:35,305 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:54:40,619 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:54:40,632 - INFO - Price: $1862.13 | Action: SELL +2025-03-10 21:54:40,641 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:54:40,641 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:54:45,982 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:54:46,002 - INFO - Price: $1861.09 | Action: SELL +2025-03-10 21:54:46,002 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:54:46,004 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:54:51,314 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:54:51,338 - INFO - Price: $1861.05 | Action: SELL +2025-03-10 21:54:51,338 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:54:51,338 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:54:56,639 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:54:56,661 - INFO - Price: $1862.48 | Action: SELL +2025-03-10 21:54:56,661 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:54:56,662 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:55:01,979 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:55:02,000 - INFO - Price: $1864.71 | Action: SELL +2025-03-10 21:55:02,000 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:55:02,000 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:55:07,312 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:55:07,320 - INFO - Price: $1865.56 | Action: SELL +2025-03-10 21:55:07,320 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:55:07,330 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:55:12,639 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:55:12,660 - INFO - Price: $1867.88 | Action: SELL +2025-03-10 21:55:12,661 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:55:12,661 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:55:17,960 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:55:17,977 - INFO - Price: $1867.88 | Action: SELL +2025-03-10 21:55:17,977 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:55:17,977 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:55:23,287 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:55:23,311 - INFO - Price: $1867.88 | Action: SELL +2025-03-10 21:55:23,311 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:55:23,312 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:55:28,620 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:55:28,644 - INFO - Price: $1867.88 | Action: SELL +2025-03-10 21:55:28,644 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:55:28,644 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:55:33,968 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:55:33,984 - INFO - Price: $1866.36 | Action: SELL +2025-03-10 21:55:33,984 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:55:33,986 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:55:39,308 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:55:39,330 - INFO - Price: $1864.77 | Action: SELL +2025-03-10 21:55:39,330 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:55:39,331 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:55:44,642 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:55:44,660 - INFO - Price: $1864.77 | Action: SELL +2025-03-10 21:55:44,661 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:55:44,661 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:55:49,970 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:55:49,979 - INFO - Price: $1866.79 | Action: SELL +2025-03-10 21:55:49,979 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:55:49,985 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:55:55,289 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:55:55,304 - INFO - Price: $1866.91 | Action: SELL +2025-03-10 21:55:55,305 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:55:55,306 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:56:00,608 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:56:00,623 - INFO - Price: $1867.94 | Action: SELL +2025-03-10 21:56:00,626 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:56:00,626 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:56:05,938 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:56:05,955 - INFO - Price: $1868.97 | Action: SELL +2025-03-10 21:56:05,955 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:56:05,955 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:56:11,265 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:56:11,287 - INFO - Price: $1868.79 | Action: SELL +2025-03-10 21:56:11,287 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:56:11,287 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:56:16,606 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:56:16,625 - INFO - Price: $1868.40 | Action: SELL +2025-03-10 21:56:16,628 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:56:16,628 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:56:21,937 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:56:21,957 - INFO - Price: $1868.29 | Action: SELL +2025-03-10 21:56:21,959 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:56:21,959 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:56:27,323 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:56:27,342 - INFO - Price: $1868.25 | Action: SELL +2025-03-10 21:56:27,343 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:56:27,343 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:56:32,715 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:56:32,735 - INFO - Price: $1868.53 | Action: SELL +2025-03-10 21:56:32,735 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:56:32,736 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:56:38,075 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:56:38,091 - INFO - Price: $1868.33 | Action: SELL +2025-03-10 21:56:38,092 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:56:38,092 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:56:43,391 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:56:43,413 - INFO - Price: $1868.18 | Action: SELL +2025-03-10 21:56:43,413 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:56:43,413 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:56:48,734 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:56:48,751 - INFO - Price: $1869.28 | Action: SELL +2025-03-10 21:56:48,751 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:56:48,752 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:56:54,069 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:56:54,092 - INFO - Price: $1869.46 | Action: SELL +2025-03-10 21:56:54,092 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:56:54,094 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:56:59,400 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:56:59,420 - INFO - Price: $1867.45 | Action: SELL +2025-03-10 21:56:59,420 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:56:59,420 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:57:04,735 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:57:04,750 - INFO - Price: $1866.91 | Action: SELL +2025-03-10 21:57:04,751 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:57:04,751 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:57:10,093 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:57:10,110 - INFO - Price: $1866.83 | Action: SELL +2025-03-10 21:57:10,111 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:57:10,111 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:57:15,433 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:57:15,453 - INFO - Price: $1866.31 | Action: SELL +2025-03-10 21:57:15,453 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:57:15,454 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:57:20,769 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:57:20,781 - INFO - Price: $1864.24 | Action: SELL +2025-03-10 21:57:20,781 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:57:20,790 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:57:26,107 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:57:26,125 - INFO - Price: $1864.46 | Action: SELL +2025-03-10 21:57:26,125 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:57:26,126 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:57:31,455 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:57:31,482 - INFO - Price: $1862.89 | Action: SELL +2025-03-10 21:57:31,483 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:57:31,483 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:57:36,861 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:57:36,880 - INFO - Price: $1862.40 | Action: SELL +2025-03-10 21:57:36,881 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:57:36,881 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:57:42,201 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:57:42,218 - INFO - Price: $1862.33 | Action: SELL +2025-03-10 21:57:42,218 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:57:42,219 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:57:47,529 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:57:47,544 - INFO - Price: $1862.57 | Action: SELL +2025-03-10 21:57:47,544 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:57:47,544 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:57:52,919 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:57:52,939 - INFO - Price: $1862.74 | Action: SELL +2025-03-10 21:57:52,939 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:57:52,940 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:57:58,264 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:57:58,280 - INFO - Price: $1862.27 | Action: SELL +2025-03-10 21:57:58,280 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:57:58,280 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:58:03,603 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:58:03,622 - INFO - Price: $1862.53 | Action: SELL +2025-03-10 21:58:03,622 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:58:03,623 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:58:08,964 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:58:08,984 - INFO - Price: $1862.78 | Action: SELL +2025-03-10 21:58:08,985 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:58:08,985 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:58:14,288 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:58:14,307 - INFO - Price: $1862.14 | Action: SELL +2025-03-10 21:58:14,308 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:58:14,308 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:58:19,625 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:58:19,647 - INFO - Price: $1862.08 | Action: SELL +2025-03-10 21:58:19,649 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:58:19,649 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:58:24,936 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:58:24,957 - INFO - Price: $1860.64 | Action: SELL +2025-03-10 21:58:24,959 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:58:24,959 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:58:30,282 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:58:30,297 - INFO - Price: $1859.35 | Action: SELL +2025-03-10 21:58:30,297 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:58:30,297 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:58:35,610 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:58:35,636 - INFO - Price: $1858.70 | Action: SELL +2025-03-10 21:58:35,636 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:58:35,636 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:58:40,955 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:58:40,975 - INFO - Price: $1859.09 | Action: SELL +2025-03-10 21:58:40,975 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:58:40,977 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:58:46,291 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:58:46,307 - INFO - Price: $1860.51 | Action: SELL +2025-03-10 21:58:46,307 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:58:46,308 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:58:51,609 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:58:51,626 - INFO - Price: $1859.83 | Action: SELL +2025-03-10 21:58:51,626 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:58:51,626 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:58:56,954 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:58:56,971 - INFO - Price: $1859.37 | Action: SELL +2025-03-10 21:58:56,971 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:58:56,971 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:59:02,298 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:59:02,314 - INFO - Price: $1858.81 | Action: SELL +2025-03-10 21:59:02,314 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:59:02,316 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:59:07,603 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:59:07,622 - INFO - Price: $1859.70 | Action: SELL +2025-03-10 21:59:07,622 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:59:07,623 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:59:12,935 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:59:12,963 - INFO - Price: $1859.32 | Action: SELL +2025-03-10 21:59:12,963 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:59:12,963 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:59:18,270 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:59:18,282 - INFO - Price: $1860.57 | Action: SELL +2025-03-10 21:59:18,282 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:59:18,282 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:59:23,610 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:59:23,628 - INFO - Price: $1860.47 | Action: SELL +2025-03-10 21:59:23,628 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:59:23,628 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:59:28,962 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:59:28,982 - INFO - Price: $1861.97 | Action: SELL +2025-03-10 21:59:28,982 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:59:28,982 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:59:34,357 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:59:34,375 - INFO - Price: $1863.00 | Action: SELL +2025-03-10 21:59:34,375 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:59:34,378 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:59:39,700 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:59:39,721 - INFO - Price: $1863.00 | Action: SELL +2025-03-10 21:59:39,721 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:59:39,721 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:59:45,024 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:59:45,048 - INFO - Price: $1863.00 | Action: SELL +2025-03-10 21:59:45,049 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:59:45,049 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:59:50,362 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:59:50,391 - INFO - Price: $1872.58 | Action: SELL +2025-03-10 21:59:50,393 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:59:50,393 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 21:59:55,713 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 21:59:55,743 - INFO - Price: $1875.51 | Action: SELL +2025-03-10 21:59:55,743 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 21:59:55,744 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:00:01,051 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:00:01,070 - INFO - Price: $1869.66 | Action: SELL +2025-03-10 22:00:01,071 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:00:01,071 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:00:07,100 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:00:07,113 - INFO - Price: $1868.81 | Action: SELL +2025-03-10 22:00:07,113 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:00:07,113 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:00:12,534 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:00:12,554 - INFO - Price: $1867.17 | Action: SELL +2025-03-10 22:00:12,554 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:00:12,554 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:00:17,933 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:00:17,951 - INFO - Price: $1866.60 | Action: SELL +2025-03-10 22:00:17,952 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:00:17,952 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:00:23,281 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:00:23,302 - INFO - Price: $1866.72 | Action: SELL +2025-03-10 22:00:23,302 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:00:23,302 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:00:28,628 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:00:28,648 - INFO - Price: $1866.37 | Action: SELL +2025-03-10 22:00:28,648 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:00:28,648 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:00:33,963 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:00:33,985 - INFO - Price: $1865.53 | Action: SELL +2025-03-10 22:00:33,985 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:00:33,985 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:00:39,319 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:00:39,332 - INFO - Price: $1864.91 | Action: SELL +2025-03-10 22:00:39,332 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:00:39,332 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:00:44,672 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:00:44,703 - INFO - Price: $1867.08 | Action: SELL +2025-03-10 22:00:44,703 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:00:44,704 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:00:50,004 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:00:50,037 - INFO - Price: $1867.32 | Action: SELL +2025-03-10 22:00:50,037 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:00:50,038 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:00:55,346 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:00:55,374 - INFO - Price: $1867.32 | Action: SELL +2025-03-10 22:00:55,374 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:00:55,375 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:01:00,679 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:01:00,701 - INFO - Price: $1866.83 | Action: SELL +2025-03-10 22:01:00,702 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:01:00,702 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:01:06,018 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:01:06,037 - INFO - Price: $1865.07 | Action: SELL +2025-03-10 22:01:06,037 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:01:06,037 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:01:11,521 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:01:11,536 - INFO - Price: $1863.74 | Action: SELL +2025-03-10 22:01:11,536 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:01:11,539 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:01:16,864 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:01:16,884 - INFO - Price: $1861.90 | Action: SELL +2025-03-10 22:01:16,885 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:01:16,885 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:01:22,229 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:01:22,251 - INFO - Price: $1860.33 | Action: SELL +2025-03-10 22:01:22,251 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:01:22,251 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:01:27,573 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:01:27,585 - INFO - Price: $1860.12 | Action: SELL +2025-03-10 22:01:27,585 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:01:27,585 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:01:32,896 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:01:32,917 - INFO - Price: $1860.15 | Action: SELL +2025-03-10 22:01:32,917 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:01:32,917 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:01:38,221 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:01:38,238 - INFO - Price: $1859.71 | Action: SELL +2025-03-10 22:01:38,239 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:01:38,240 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:01:43,543 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:01:43,559 - INFO - Price: $1859.49 | Action: SELL +2025-03-10 22:01:43,559 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:01:43,559 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:01:48,871 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:01:48,892 - INFO - Price: $1860.17 | Action: SELL +2025-03-10 22:01:48,892 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:01:48,892 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:01:54,224 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:01:54,244 - INFO - Price: $1861.80 | Action: SELL +2025-03-10 22:01:54,244 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:01:54,244 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:01:59,552 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:01:59,572 - INFO - Price: $1862.64 | Action: SELL +2025-03-10 22:01:59,573 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:01:59,573 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:02:04,874 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:02:04,889 - INFO - Price: $1864.34 | Action: SELL +2025-03-10 22:02:04,890 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:02:04,890 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:02:10,183 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:02:10,204 - INFO - Price: $1865.78 | Action: SELL +2025-03-10 22:02:10,204 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:02:10,204 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:02:15,505 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:02:15,523 - INFO - Price: $1866.45 | Action: SELL +2025-03-10 22:02:15,524 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:02:15,524 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:02:20,865 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:02:20,884 - INFO - Price: $1867.13 | Action: SELL +2025-03-10 22:02:20,884 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:02:20,885 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:02:26,181 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:02:26,199 - INFO - Price: $1868.05 | Action: SELL +2025-03-10 22:02:26,200 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:02:26,200 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:02:31,532 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:02:31,547 - INFO - Price: $1869.57 | Action: SELL +2025-03-10 22:02:31,548 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:02:31,548 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:02:36,880 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:02:36,896 - INFO - Price: $1870.06 | Action: SELL +2025-03-10 22:02:36,896 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:02:36,897 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:02:42,216 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:02:42,233 - INFO - Price: $1870.55 | Action: SELL +2025-03-10 22:02:42,234 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:02:42,234 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:02:47,652 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:02:47,676 - INFO - Price: $1872.82 | Action: SELL +2025-03-10 22:02:47,676 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:02:47,677 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:02:53,002 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:02:53,019 - INFO - Price: $1872.93 | Action: SELL +2025-03-10 22:02:53,019 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:02:53,020 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:02:58,348 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:02:58,368 - INFO - Price: $1872.97 | Action: SELL +2025-03-10 22:02:58,369 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:02:58,369 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:03:03,687 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:03:03,710 - INFO - Price: $1873.26 | Action: SELL +2025-03-10 22:03:03,711 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:03:03,711 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:03:09,025 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:03:09,040 - INFO - Price: $1873.34 | Action: SELL +2025-03-10 22:03:09,040 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:03:09,040 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:03:14,362 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:03:14,378 - INFO - Price: $1873.47 | Action: SELL +2025-03-10 22:03:14,378 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:03:14,378 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:03:19,737 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:03:19,751 - INFO - Price: $1874.98 | Action: SELL +2025-03-10 22:03:19,751 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:03:19,754 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:03:25,072 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:03:25,092 - INFO - Price: $1875.30 | Action: SELL +2025-03-10 22:03:25,092 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:03:25,093 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:03:30,392 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:03:30,414 - INFO - Price: $1874.87 | Action: SELL +2025-03-10 22:03:30,414 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:03:30,414 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:03:35,754 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:03:35,774 - INFO - Price: $1874.12 | Action: SELL +2025-03-10 22:03:35,775 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:03:35,775 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:03:41,098 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:03:41,120 - INFO - Price: $1874.42 | Action: SELL +2025-03-10 22:03:41,120 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:03:41,121 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:03:46,434 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:03:46,454 - INFO - Price: $1874.19 | Action: SELL +2025-03-10 22:03:46,455 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:03:46,455 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:03:51,777 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:03:51,793 - INFO - Price: $1875.00 | Action: SELL +2025-03-10 22:03:51,793 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:03:51,793 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:03:57,139 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:03:57,160 - INFO - Price: $1876.00 | Action: SELL +2025-03-10 22:03:57,160 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:03:57,162 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:04:02,477 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:04:02,492 - INFO - Price: $1878.25 | Action: SELL +2025-03-10 22:04:02,492 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:04:02,498 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:04:07,786 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:04:07,818 - INFO - Price: $1876.48 | Action: SELL +2025-03-10 22:04:07,819 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:04:07,819 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:04:13,128 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:04:13,151 - INFO - Price: $1877.20 | Action: SELL +2025-03-10 22:04:13,153 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:04:13,154 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:04:18,471 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:04:18,495 - INFO - Price: $1877.10 | Action: SELL +2025-03-10 22:04:18,496 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:04:18,496 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:04:23,786 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:04:23,808 - INFO - Price: $1877.05 | Action: SELL +2025-03-10 22:04:23,808 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:04:23,808 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:04:29,114 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:04:29,131 - INFO - Price: $1877.78 | Action: SELL +2025-03-10 22:04:29,131 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:04:29,131 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:04:34,440 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:04:34,456 - INFO - Price: $1878.76 | Action: SELL +2025-03-10 22:04:34,456 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:04:34,456 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:04:39,766 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:04:39,784 - INFO - Price: $1877.46 | Action: SELL +2025-03-10 22:04:39,784 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:04:39,784 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:04:45,078 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:04:45,105 - INFO - Price: $1880.16 | Action: SELL +2025-03-10 22:04:45,105 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:04:45,105 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:04:50,405 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:04:50,435 - INFO - Price: $1880.77 | Action: SELL +2025-03-10 22:04:50,435 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:04:50,435 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:04:55,774 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:04:55,795 - INFO - Price: $1878.48 | Action: SELL +2025-03-10 22:04:55,795 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:04:55,795 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:05:01,095 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:05:01,118 - INFO - Price: $1876.22 | Action: SELL +2025-03-10 22:05:01,118 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:05:01,125 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:05:06,434 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:05:06,460 - INFO - Price: $1875.79 | Action: SELL +2025-03-10 22:05:06,460 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:05:06,462 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:05:11,797 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:05:11,814 - INFO - Price: $1877.59 | Action: SELL +2025-03-10 22:05:11,814 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:05:11,818 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:05:17,130 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:05:17,153 - INFO - Price: $1875.49 | Action: SELL +2025-03-10 22:05:17,153 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:05:17,154 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:05:22,504 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:05:22,522 - INFO - Price: $1874.43 | Action: SELL +2025-03-10 22:05:22,522 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:05:22,523 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:05:27,840 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:05:27,857 - INFO - Price: $1872.86 | Action: SELL +2025-03-10 22:05:27,857 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:05:27,860 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:05:33,163 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:05:33,185 - INFO - Price: $1872.67 | Action: SELL +2025-03-10 22:05:33,186 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:05:33,186 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:05:38,501 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:05:38,518 - INFO - Price: $1873.71 | Action: SELL +2025-03-10 22:05:38,518 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:05:38,518 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:05:43,845 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:05:43,861 - INFO - Price: $1872.85 | Action: SELL +2025-03-10 22:05:43,861 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:05:43,861 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:05:49,164 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:05:49,182 - INFO - Price: $1873.32 | Action: SELL +2025-03-10 22:05:49,182 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:05:49,182 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:05:54,507 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:05:54,526 - INFO - Price: $1871.71 | Action: SELL +2025-03-10 22:05:54,526 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:05:54,526 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:05:59,835 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:05:59,853 - INFO - Price: $1870.75 | Action: SELL +2025-03-10 22:05:59,854 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:05:59,854 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:06:05,216 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:06:05,236 - INFO - Price: $1871.06 | Action: SELL +2025-03-10 22:06:05,237 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:06:05,237 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:06:10,560 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:06:10,581 - INFO - Price: $1872.88 | Action: SELL +2025-03-10 22:06:10,581 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:06:10,582 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:06:15,896 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:06:15,919 - INFO - Price: $1872.15 | Action: SELL +2025-03-10 22:06:15,919 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:06:15,921 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:06:21,251 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:06:21,268 - INFO - Price: $1871.94 | Action: SELL +2025-03-10 22:06:21,268 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:06:21,268 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:06:26,576 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:06:26,602 - INFO - Price: $1870.75 | Action: SELL +2025-03-10 22:06:26,602 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:06:26,602 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:06:31,924 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:06:31,942 - INFO - Price: $1870.65 | Action: SELL +2025-03-10 22:06:31,942 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:06:31,942 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:06:37,262 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:06:37,279 - INFO - Price: $1870.00 | Action: SELL +2025-03-10 22:06:37,282 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:06:37,283 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:06:42,619 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:06:42,637 - INFO - Price: $1868.72 | Action: SELL +2025-03-10 22:06:42,638 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:06:42,638 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:06:47,960 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:06:47,982 - INFO - Price: $1869.89 | Action: SELL +2025-03-10 22:06:47,982 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:06:47,983 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:06:53,304 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:06:53,321 - INFO - Price: $1870.30 | Action: SELL +2025-03-10 22:06:53,322 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:06:53,323 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:06:58,625 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:06:58,640 - INFO - Price: $1868.77 | Action: SELL +2025-03-10 22:06:58,641 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:06:58,641 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:07:03,962 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:07:03,978 - INFO - Price: $1867.28 | Action: SELL +2025-03-10 22:07:03,979 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:07:03,979 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:07:09,288 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:07:09,304 - INFO - Price: $1868.65 | Action: SELL +2025-03-10 22:07:09,304 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:07:09,305 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:07:14,626 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:07:14,642 - INFO - Price: $1868.24 | Action: SELL +2025-03-10 22:07:14,642 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:07:14,642 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:07:19,934 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:07:19,956 - INFO - Price: $1868.37 | Action: SELL +2025-03-10 22:07:19,956 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:07:19,961 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:07:25,288 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:07:25,302 - INFO - Price: $1866.68 | Action: SELL +2025-03-10 22:07:25,302 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:07:25,302 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:07:30,630 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:07:30,648 - INFO - Price: $1866.94 | Action: SELL +2025-03-10 22:07:30,648 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:07:30,648 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:07:35,971 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:07:35,989 - INFO - Price: $1867.25 | Action: SELL +2025-03-10 22:07:35,989 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:07:35,989 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:07:41,317 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:07:41,331 - INFO - Price: $1867.97 | Action: SELL +2025-03-10 22:07:41,331 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:07:41,335 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:07:46,653 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:07:46,669 - INFO - Price: $1867.95 | Action: SELL +2025-03-10 22:07:46,671 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:07:46,671 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:07:52,041 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:07:52,059 - INFO - Price: $1870.47 | Action: SELL +2025-03-10 22:07:52,059 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:07:52,059 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:07:57,362 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:07:57,381 - INFO - Price: $1870.53 | Action: SELL +2025-03-10 22:07:57,382 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:07:57,382 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:08:02,696 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:08:02,710 - INFO - Price: $1870.54 | Action: SELL +2025-03-10 22:08:02,710 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:08:02,710 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:08:08,046 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:08:08,063 - INFO - Price: $1872.16 | Action: SELL +2025-03-10 22:08:08,063 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:08:08,064 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:08:13,377 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:08:13,394 - INFO - Price: $1872.46 | Action: SELL +2025-03-10 22:08:13,394 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:08:13,394 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:08:18,731 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:08:18,755 - INFO - Price: $1873.38 | Action: SELL +2025-03-10 22:08:18,756 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:08:18,756 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:08:24,060 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:08:24,084 - INFO - Price: $1873.19 | Action: SELL +2025-03-10 22:08:24,086 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:08:24,086 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:08:29,411 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:08:29,431 - INFO - Price: $1873.26 | Action: SELL +2025-03-10 22:08:29,432 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:08:29,432 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:08:34,759 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:08:34,777 - INFO - Price: $1872.78 | Action: SELL +2025-03-10 22:08:34,779 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:08:34,779 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:08:40,086 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:08:40,104 - INFO - Price: $1872.47 | Action: SELL +2025-03-10 22:08:40,105 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:08:40,105 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:08:45,402 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:08:45,420 - INFO - Price: $1871.80 | Action: SELL +2025-03-10 22:08:45,420 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:08:45,421 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:08:50,709 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:08:50,730 - INFO - Price: $1871.15 | Action: SELL +2025-03-10 22:08:50,730 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:08:50,734 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:08:56,060 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:08:56,080 - INFO - Price: $1870.62 | Action: SELL +2025-03-10 22:08:56,080 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:08:56,080 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:09:01,383 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:09:01,401 - INFO - Price: $1870.26 | Action: SELL +2025-03-10 22:09:01,401 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:09:01,401 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:09:06,706 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:09:06,725 - INFO - Price: $1870.00 | Action: SELL +2025-03-10 22:09:06,725 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:09:06,725 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:09:12,031 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:09:12,050 - INFO - Price: $1869.79 | Action: SELL +2025-03-10 22:09:12,050 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:09:12,053 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:09:17,373 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:09:17,389 - INFO - Price: $1869.11 | Action: SELL +2025-03-10 22:09:17,389 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:09:17,393 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:09:23,368 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:09:23,387 - INFO - Price: $1868.40 | Action: SELL +2025-03-10 22:09:23,387 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:09:23,388 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:09:29,924 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:09:29,948 - INFO - Price: $1868.59 | Action: SELL +2025-03-10 22:09:29,948 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:09:29,948 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:09:35,418 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:09:35,439 - INFO - Price: $1867.37 | Action: SELL +2025-03-10 22:09:35,442 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:09:35,442 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:09:40,862 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:09:40,880 - INFO - Price: $1866.55 | Action: SELL +2025-03-10 22:09:40,881 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:09:40,882 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:09:46,285 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:09:46,305 - INFO - Price: $1868.51 | Action: SELL +2025-03-10 22:09:46,305 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:09:46,305 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:09:51,611 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:09:51,640 - INFO - Price: $1868.25 | Action: SELL +2025-03-10 22:09:51,640 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:09:51,640 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:09:56,944 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:09:56,967 - INFO - Price: $1868.14 | Action: SELL +2025-03-10 22:09:56,969 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:09:56,969 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:10:02,284 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:10:02,302 - INFO - Price: $1867.97 | Action: SELL +2025-03-10 22:10:02,302 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:10:02,302 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:10:07,620 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:10:07,640 - INFO - Price: $1867.39 | Action: SELL +2025-03-10 22:10:07,640 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:10:07,642 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:10:12,990 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:10:13,009 - INFO - Price: $1865.85 | Action: SELL +2025-03-10 22:10:13,009 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:10:13,010 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:10:18,373 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:10:18,383 - INFO - Price: $1867.57 | Action: SELL +2025-03-10 22:10:18,393 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:10:18,394 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:10:23,699 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:10:23,712 - INFO - Price: $1867.10 | Action: SELL +2025-03-10 22:10:23,712 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:10:23,717 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:10:29,063 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:10:29,082 - INFO - Price: $1867.77 | Action: SELL +2025-03-10 22:10:29,084 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:10:29,084 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:10:34,391 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:10:34,408 - INFO - Price: $1867.86 | Action: SELL +2025-03-10 22:10:34,408 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:10:34,409 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:10:39,718 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:10:39,736 - INFO - Price: $1868.09 | Action: SELL +2025-03-10 22:10:39,737 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:10:39,737 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:10:45,045 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:10:45,058 - INFO - Price: $1869.44 | Action: SELL +2025-03-10 22:10:45,058 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:10:45,066 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:10:50,386 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:10:50,405 - INFO - Price: $1870.19 | Action: SELL +2025-03-10 22:10:50,405 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:10:50,406 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:10:55,708 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:10:55,723 - INFO - Price: $1871.37 | Action: SELL +2025-03-10 22:10:55,725 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:10:55,725 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:11:01,041 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:11:01,063 - INFO - Price: $1870.57 | Action: SELL +2025-03-10 22:11:01,063 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:11:01,063 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:11:06,369 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:11:06,392 - INFO - Price: $1869.66 | Action: SELL +2025-03-10 22:11:06,394 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:11:06,394 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:11:11,717 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:11:11,743 - INFO - Price: $1869.94 | Action: SELL +2025-03-10 22:11:11,744 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:11:11,744 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:11:17,050 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:11:17,065 - INFO - Price: $1869.66 | Action: SELL +2025-03-10 22:11:17,065 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:11:17,065 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:11:22,379 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:11:22,397 - INFO - Price: $1868.09 | Action: SELL +2025-03-10 22:11:22,397 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:11:22,397 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:11:27,706 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:11:27,730 - INFO - Price: $1866.81 | Action: SELL +2025-03-10 22:11:27,730 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:11:27,730 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:11:33,034 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:11:33,054 - INFO - Price: $1868.32 | Action: SELL +2025-03-10 22:11:33,054 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:11:33,055 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:11:38,387 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:11:38,407 - INFO - Price: $1866.66 | Action: SELL +2025-03-10 22:11:38,408 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:11:38,408 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:11:43,727 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:11:43,745 - INFO - Price: $1866.81 | Action: SELL +2025-03-10 22:11:43,745 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:11:43,745 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:11:49,065 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:11:49,090 - INFO - Price: $1866.43 | Action: SELL +2025-03-10 22:11:49,091 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:11:49,091 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:11:54,386 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:11:54,415 - INFO - Price: $1866.27 | Action: SELL +2025-03-10 22:11:54,417 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:11:54,417 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:11:59,722 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:11:59,755 - INFO - Price: $1866.00 | Action: SELL +2025-03-10 22:11:59,757 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:11:59,757 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:12:05,072 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:12:05,098 - INFO - Price: $1862.59 | Action: SELL +2025-03-10 22:12:05,098 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:12:05,098 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:12:10,413 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:12:10,440 - INFO - Price: $1864.82 | Action: SELL +2025-03-10 22:12:10,440 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:12:10,440 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:12:15,754 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:12:15,780 - INFO - Price: $1864.95 | Action: SELL +2025-03-10 22:12:15,780 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:12:15,780 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:12:21,125 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:12:21,147 - INFO - Price: $1865.45 | Action: SELL +2025-03-10 22:12:21,147 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:12:21,147 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:12:26,488 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:12:26,507 - INFO - Price: $1865.18 | Action: SELL +2025-03-10 22:12:26,507 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:12:26,508 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:12:31,801 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:12:31,818 - INFO - Price: $1865.35 | Action: SELL +2025-03-10 22:12:31,818 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:12:31,818 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:12:37,113 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:12:37,144 - INFO - Price: $1866.39 | Action: SELL +2025-03-10 22:12:37,145 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:12:37,145 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:12:42,444 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:12:42,466 - INFO - Price: $1866.39 | Action: SELL +2025-03-10 22:12:42,467 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:12:42,467 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:12:47,775 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:12:47,788 - INFO - Price: $1866.52 | Action: SELL +2025-03-10 22:12:47,788 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:12:47,788 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:12:53,097 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:12:53,115 - INFO - Price: $1866.51 | Action: SELL +2025-03-10 22:12:53,116 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:12:53,116 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:12:58,431 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:12:58,453 - INFO - Price: $1866.99 | Action: SELL +2025-03-10 22:12:58,454 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:12:58,454 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:13:03,784 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:13:03,804 - INFO - Price: $1867.20 | Action: SELL +2025-03-10 22:13:03,804 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:13:03,805 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:13:09,123 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:13:09,140 - INFO - Price: $1867.04 | Action: SELL +2025-03-10 22:13:09,141 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:13:09,141 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:13:14,484 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:13:14,502 - INFO - Price: $1867.85 | Action: SELL +2025-03-10 22:13:14,503 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:13:14,503 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:13:20,250 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:13:20,270 - INFO - Price: $1868.81 | Action: SELL +2025-03-10 22:13:20,270 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:13:20,271 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:13:25,603 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:13:25,623 - INFO - Price: $1868.87 | Action: SELL +2025-03-10 22:13:25,624 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:13:25,624 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:13:30,922 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:13:30,942 - INFO - Price: $1870.47 | Action: SELL +2025-03-10 22:13:30,942 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:13:30,943 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:13:36,251 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:13:36,273 - INFO - Price: $1870.64 | Action: SELL +2025-03-10 22:13:36,273 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:13:36,275 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:13:41,585 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:13:41,603 - INFO - Price: $1869.97 | Action: SELL +2025-03-10 22:13:41,604 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:13:41,604 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:13:46,916 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:13:46,938 - INFO - Price: $1868.62 | Action: SELL +2025-03-10 22:13:46,939 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:13:46,941 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:13:52,262 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:13:52,280 - INFO - Price: $1868.76 | Action: SELL +2025-03-10 22:13:52,280 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:13:52,281 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:13:57,588 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:13:57,608 - INFO - Price: $1869.95 | Action: SELL +2025-03-10 22:13:57,609 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:13:57,609 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:14:02,930 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:14:02,946 - INFO - Price: $1868.67 | Action: SELL +2025-03-10 22:14:02,946 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:14:02,947 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:14:08,246 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:14:08,268 - INFO - Price: $1869.33 | Action: SELL +2025-03-10 22:14:08,268 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:14:08,268 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:14:13,575 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:14:13,594 - INFO - Price: $1869.41 | Action: SELL +2025-03-10 22:14:13,596 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:14:13,596 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:14:18,904 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:14:18,919 - INFO - Price: $1868.29 | Action: SELL +2025-03-10 22:14:18,920 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:14:18,921 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:14:24,240 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:14:24,259 - INFO - Price: $1867.86 | Action: SELL +2025-03-10 22:14:24,260 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:14:24,260 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:14:29,631 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:14:29,651 - INFO - Price: $1867.85 | Action: SELL +2025-03-10 22:14:29,651 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:14:29,653 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:14:34,952 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:14:34,974 - INFO - Price: $1869.73 | Action: SELL +2025-03-10 22:14:34,974 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:14:34,974 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:14:40,316 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:14:40,329 - INFO - Price: $1870.07 | Action: SELL +2025-03-10 22:14:40,329 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:14:40,332 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:14:45,650 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:14:45,670 - INFO - Price: $1869.51 | Action: SELL +2025-03-10 22:14:45,671 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:14:45,671 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:14:50,984 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:14:51,001 - INFO - Price: $1870.07 | Action: SELL +2025-03-10 22:14:51,001 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:14:51,002 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:14:56,342 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:14:56,358 - INFO - Price: $1871.17 | Action: SELL +2025-03-10 22:14:56,358 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:14:56,358 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:15:01,652 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:15:01,685 - INFO - Price: $1871.37 | Action: SELL +2025-03-10 22:15:01,685 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:15:01,685 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:15:06,991 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:15:07,015 - INFO - Price: $1871.11 | Action: SELL +2025-03-10 22:15:07,016 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:15:07,016 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:15:12,330 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:15:12,353 - INFO - Price: $1870.94 | Action: SELL +2025-03-10 22:15:12,353 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:15:12,355 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:15:17,650 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:15:17,683 - INFO - Price: $1871.24 | Action: SELL +2025-03-10 22:15:17,683 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:15:17,684 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:15:22,985 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:15:23,010 - INFO - Price: $1870.38 | Action: SELL +2025-03-10 22:15:23,011 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:15:23,011 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:15:28,310 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:15:28,329 - INFO - Price: $1872.55 | Action: SELL +2025-03-10 22:15:28,329 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:15:28,329 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:15:33,629 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:15:33,647 - INFO - Price: $1871.12 | Action: SELL +2025-03-10 22:15:33,648 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:15:33,648 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:15:38,973 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:15:38,992 - INFO - Price: $1872.86 | Action: SELL +2025-03-10 22:15:38,993 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:15:38,993 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:15:44,290 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:15:44,306 - INFO - Price: $1873.04 | Action: SELL +2025-03-10 22:15:44,306 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:15:44,306 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:15:49,604 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:15:49,638 - INFO - Price: $1871.78 | Action: SELL +2025-03-10 22:15:49,639 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:15:49,639 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:15:54,935 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:15:54,962 - INFO - Price: $1872.09 | Action: SELL +2025-03-10 22:15:54,962 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:15:54,962 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:16:00,297 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:16:00,321 - INFO - Price: $1871.03 | Action: SELL +2025-03-10 22:16:00,321 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:16:00,322 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:16:05,627 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:16:05,640 - INFO - Price: $1870.16 | Action: SELL +2025-03-10 22:16:05,640 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:16:05,640 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:16:10,940 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:16:10,958 - INFO - Price: $1870.99 | Action: SELL +2025-03-10 22:16:10,959 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:16:10,959 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:16:16,282 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:16:16,304 - INFO - Price: $1870.04 | Action: SELL +2025-03-10 22:16:16,305 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:16:16,306 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:16:21,618 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:16:21,637 - INFO - Price: $1869.84 | Action: SELL +2025-03-10 22:16:21,637 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:16:21,637 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:16:26,953 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:16:26,975 - INFO - Price: $1870.13 | Action: SELL +2025-03-10 22:16:26,975 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:16:26,976 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:16:32,270 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:16:32,286 - INFO - Price: $1870.78 | Action: SELL +2025-03-10 22:16:32,302 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:16:32,302 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:16:37,599 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:16:37,628 - INFO - Price: $1870.00 | Action: SELL +2025-03-10 22:16:37,630 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:16:37,630 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:16:42,937 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:16:42,967 - INFO - Price: $1868.18 | Action: SELL +2025-03-10 22:16:42,968 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:16:42,969 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:16:48,291 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:16:48,309 - INFO - Price: $1867.39 | Action: SELL +2025-03-10 22:16:48,309 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:16:48,310 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:16:53,627 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:16:53,644 - INFO - Price: $1866.41 | Action: SELL +2025-03-10 22:16:53,644 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:16:53,644 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:16:58,941 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:16:58,963 - INFO - Price: $1867.21 | Action: SELL +2025-03-10 22:16:58,963 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:16:58,964 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:17:04,297 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:17:04,317 - INFO - Price: $1867.21 | Action: SELL +2025-03-10 22:17:04,318 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:17:04,318 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:17:09,622 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:17:09,641 - INFO - Price: $1867.44 | Action: SELL +2025-03-10 22:17:09,642 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:17:09,642 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:17:14,957 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:17:14,978 - INFO - Price: $1865.91 | Action: SELL +2025-03-10 22:17:14,979 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:17:14,980 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:17:20,327 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:17:20,343 - INFO - Price: $1866.86 | Action: SELL +2025-03-10 22:17:20,343 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:17:20,344 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:17:25,671 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:17:25,688 - INFO - Price: $1867.21 | Action: SELL +2025-03-10 22:17:25,688 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:17:25,688 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:17:30,995 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:17:31,019 - INFO - Price: $1867.32 | Action: SELL +2025-03-10 22:17:31,020 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:17:31,021 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:17:36,345 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:17:36,366 - INFO - Price: $1866.44 | Action: SELL +2025-03-10 22:17:36,366 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:17:36,366 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:17:41,677 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:17:41,690 - INFO - Price: $1865.58 | Action: SELL +2025-03-10 22:17:41,699 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:17:41,699 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:17:47,042 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:17:47,061 - INFO - Price: $1866.64 | Action: SELL +2025-03-10 22:17:47,061 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:17:47,062 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:17:52,452 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:17:52,469 - INFO - Price: $1866.70 | Action: SELL +2025-03-10 22:17:52,469 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:17:52,469 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:17:57,775 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:17:57,791 - INFO - Price: $1865.27 | Action: SELL +2025-03-10 22:17:57,791 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:17:57,793 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:18:03,162 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:18:03,180 - INFO - Price: $1865.28 | Action: SELL +2025-03-10 22:18:03,180 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:18:03,181 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:18:08,525 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:18:08,541 - INFO - Price: $1865.98 | Action: SELL +2025-03-10 22:18:08,541 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:18:08,542 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:18:13,856 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:18:13,878 - INFO - Price: $1866.16 | Action: SELL +2025-03-10 22:18:13,879 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:18:13,879 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:18:19,180 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:18:19,199 - INFO - Price: $1866.33 | Action: SELL +2025-03-10 22:18:19,199 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:18:19,199 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:18:24,987 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:18:25,003 - INFO - Price: $1867.44 | Action: SELL +2025-03-10 22:18:25,003 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:18:25,003 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:18:30,366 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:18:30,390 - INFO - Price: $1868.60 | Action: SELL +2025-03-10 22:18:30,393 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:18:30,393 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:18:35,735 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:18:35,753 - INFO - Price: $1870.38 | Action: SELL +2025-03-10 22:18:35,753 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:18:35,758 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:18:41,091 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:18:41,107 - INFO - Price: $1872.10 | Action: SELL +2025-03-10 22:18:41,107 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:18:41,108 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:18:46,421 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:18:46,437 - INFO - Price: $1872.17 | Action: SELL +2025-03-10 22:18:46,438 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:18:46,438 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:18:51,748 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:18:51,771 - INFO - Price: $1871.72 | Action: SELL +2025-03-10 22:18:51,771 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:18:51,772 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:18:57,119 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:18:57,140 - INFO - Price: $1871.33 | Action: SELL +2025-03-10 22:18:57,140 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:18:57,140 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:19:02,445 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:19:02,463 - INFO - Price: $1871.61 | Action: SELL +2025-03-10 22:19:02,463 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:19:02,463 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:19:07,794 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:19:07,818 - INFO - Price: $1871.21 | Action: SELL +2025-03-10 22:19:07,818 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:19:07,818 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:19:13,120 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:19:13,150 - INFO - Price: $1871.57 | Action: SELL +2025-03-10 22:19:13,151 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:19:13,151 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:19:18,458 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:19:18,484 - INFO - Price: $1869.28 | Action: SELL +2025-03-10 22:19:18,485 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:19:18,485 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:19:23,814 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:19:23,834 - INFO - Price: $1868.77 | Action: SELL +2025-03-10 22:19:23,834 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:19:23,834 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:19:29,162 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:19:29,184 - INFO - Price: $1868.02 | Action: SELL +2025-03-10 22:19:29,184 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:19:29,184 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:19:34,483 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:19:34,508 - INFO - Price: $1868.29 | Action: SELL +2025-03-10 22:19:34,508 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:19:34,509 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:19:39,817 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:19:39,837 - INFO - Price: $1866.99 | Action: SELL +2025-03-10 22:19:39,837 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:19:39,837 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:19:45,223 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:19:45,243 - INFO - Price: $1867.04 | Action: SELL +2025-03-10 22:19:45,243 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:19:45,243 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:19:50,601 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:19:50,625 - INFO - Price: $1867.24 | Action: SELL +2025-03-10 22:19:50,625 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:19:50,626 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:19:55,943 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:19:55,961 - INFO - Price: $1868.21 | Action: SELL +2025-03-10 22:19:55,961 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:19:55,961 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:20:01,285 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:20:01,302 - INFO - Price: $1868.46 | Action: SELL +2025-03-10 22:20:01,308 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:20:01,308 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:20:06,643 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:20:06,661 - INFO - Price: $1867.75 | Action: SELL +2025-03-10 22:20:06,662 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:20:06,662 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:20:12,012 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:20:12,033 - INFO - Price: $1867.02 | Action: SELL +2025-03-10 22:20:12,034 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:20:12,034 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:20:17,367 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:20:17,384 - INFO - Price: $1865.34 | Action: SELL +2025-03-10 22:20:17,384 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:20:17,385 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:20:22,698 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:20:22,718 - INFO - Price: $1865.30 | Action: SELL +2025-03-10 22:20:22,718 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:20:22,718 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:20:28,035 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:20:28,056 - INFO - Price: $1865.50 | Action: SELL +2025-03-10 22:20:28,056 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:20:28,057 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:20:33,370 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:20:33,389 - INFO - Price: $1865.33 | Action: SELL +2025-03-10 22:20:33,389 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:20:33,391 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:20:38,700 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:20:38,720 - INFO - Price: $1865.30 | Action: SELL +2025-03-10 22:20:38,720 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:20:38,720 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:20:44,041 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:20:44,060 - INFO - Price: $1864.63 | Action: SELL +2025-03-10 22:20:44,061 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:20:44,061 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:20:49,371 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:20:49,390 - INFO - Price: $1864.78 | Action: SELL +2025-03-10 22:20:49,391 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:20:49,391 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:20:54,702 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:20:54,714 - INFO - Price: $1864.53 | Action: SELL +2025-03-10 22:20:54,714 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:20:54,720 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:21:00,023 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:21:00,044 - INFO - Price: $1863.89 | Action: SELL +2025-03-10 22:21:00,046 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:21:00,046 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:21:05,444 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:21:05,462 - INFO - Price: $1864.47 | Action: SELL +2025-03-10 22:21:05,462 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:21:05,462 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:21:10,796 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:21:10,812 - INFO - Price: $1864.46 | Action: SELL +2025-03-10 22:21:10,812 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:21:10,812 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:21:16,131 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:21:16,152 - INFO - Price: $1864.28 | Action: SELL +2025-03-10 22:21:16,152 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:21:16,152 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:21:21,469 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:21:21,488 - INFO - Price: $1864.57 | Action: SELL +2025-03-10 22:21:21,489 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:21:21,489 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:21:26,796 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:21:26,818 - INFO - Price: $1863.85 | Action: SELL +2025-03-10 22:21:26,819 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:21:26,819 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:21:32,122 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:21:32,143 - INFO - Price: $1864.76 | Action: SELL +2025-03-10 22:21:32,146 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:21:32,146 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:21:37,432 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:21:37,459 - INFO - Price: $1864.12 | Action: SELL +2025-03-10 22:21:37,459 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:21:37,459 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:21:42,765 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:21:42,783 - INFO - Price: $1865.54 | Action: SELL +2025-03-10 22:21:42,785 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:21:42,785 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:21:48,123 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:21:48,141 - INFO - Price: $1865.00 | Action: SELL +2025-03-10 22:21:48,142 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:21:48,142 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:21:53,452 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:21:53,469 - INFO - Price: $1863.74 | Action: SELL +2025-03-10 22:21:53,469 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:21:53,471 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:21:58,779 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:21:58,801 - INFO - Price: $1862.70 | Action: SELL +2025-03-10 22:21:58,801 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:21:58,801 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:22:04,107 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:22:04,115 - INFO - Price: $1864.18 | Action: SELL +2025-03-10 22:22:04,115 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:22:04,115 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:22:09,428 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:22:09,448 - INFO - Price: $1864.52 | Action: SELL +2025-03-10 22:22:09,448 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:22:09,448 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:22:15,229 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:22:15,249 - INFO - Price: $1864.07 | Action: SELL +2025-03-10 22:22:15,250 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:22:15,250 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:22:20,634 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:22:20,646 - INFO - Price: $1864.96 | Action: SELL +2025-03-10 22:22:20,646 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:22:20,650 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:22:26,016 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:22:26,041 - INFO - Price: $1864.41 | Action: SELL +2025-03-10 22:22:26,041 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:22:26,043 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:22:31,337 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:22:31,357 - INFO - Price: $1863.59 | Action: SELL +2025-03-10 22:22:31,358 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:22:31,358 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:22:36,666 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:22:36,680 - INFO - Price: $1863.00 | Action: SELL +2025-03-10 22:22:36,680 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:22:36,680 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:22:41,998 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:22:42,016 - INFO - Price: $1863.99 | Action: SELL +2025-03-10 22:22:42,017 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:22:42,017 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:22:47,330 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:22:47,354 - INFO - Price: $1863.77 | Action: SELL +2025-03-10 22:22:47,355 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:22:47,355 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:22:52,651 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:22:52,668 - INFO - Price: $1863.22 | Action: SELL +2025-03-10 22:22:52,668 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:22:52,668 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:22:58,063 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:22:58,093 - INFO - Price: $1863.71 | Action: SELL +2025-03-10 22:22:58,093 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:22:58,095 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:23:03,435 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:23:03,452 - INFO - Price: $1862.97 | Action: SELL +2025-03-10 22:23:03,452 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:23:03,453 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:23:08,775 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:23:08,792 - INFO - Price: $1863.02 | Action: SELL +2025-03-10 22:23:08,792 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:23:08,792 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:23:14,082 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:23:14,098 - INFO - Price: $1863.21 | Action: SELL +2025-03-10 22:23:14,114 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:23:14,114 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:23:19,443 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:23:19,463 - INFO - Price: $1864.31 | Action: SELL +2025-03-10 22:23:19,463 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:23:19,463 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:23:24,782 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:23:24,801 - INFO - Price: $1863.94 | Action: SELL +2025-03-10 22:23:24,802 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:23:24,802 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:23:30,132 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:23:30,151 - INFO - Price: $1864.43 | Action: SELL +2025-03-10 22:23:30,151 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:23:30,151 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:23:35,478 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:23:35,497 - INFO - Price: $1864.36 | Action: SELL +2025-03-10 22:23:35,497 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:23:35,497 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:23:40,796 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:23:40,808 - INFO - Price: $1864.87 | Action: SELL +2025-03-10 22:23:40,808 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:23:40,823 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:23:46,112 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:23:46,128 - INFO - Price: $1864.64 | Action: SELL +2025-03-10 22:23:46,128 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:23:46,143 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:23:51,451 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:23:51,478 - INFO - Price: $1864.88 | Action: SELL +2025-03-10 22:23:51,478 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:23:51,478 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:23:56,795 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:23:56,820 - INFO - Price: $1864.01 | Action: SELL +2025-03-10 22:23:56,821 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:23:56,821 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:24:02,129 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:24:02,151 - INFO - Price: $1864.39 | Action: SELL +2025-03-10 22:24:02,151 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:24:02,152 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:24:07,462 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:24:07,482 - INFO - Price: $1864.39 | Action: SELL +2025-03-10 22:24:07,482 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:24:07,483 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:24:12,776 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:24:12,793 - INFO - Price: $1864.65 | Action: SELL +2025-03-10 22:24:12,794 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:24:12,794 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:24:18,097 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:24:18,117 - INFO - Price: $1864.98 | Action: SELL +2025-03-10 22:24:18,117 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:24:18,118 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:24:23,425 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:24:23,439 - INFO - Price: $1865.65 | Action: SELL +2025-03-10 22:24:23,440 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:24:23,440 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:24:28,760 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:24:28,784 - INFO - Price: $1867.55 | Action: SELL +2025-03-10 22:24:28,785 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:24:28,786 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:24:34,106 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:24:34,117 - INFO - Price: $1869.12 | Action: SELL +2025-03-10 22:24:34,117 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:24:34,117 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:24:39,434 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:24:39,454 - INFO - Price: $1869.33 | Action: SELL +2025-03-10 22:24:39,455 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:24:39,455 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:24:44,799 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:24:44,821 - INFO - Price: $1868.16 | Action: SELL +2025-03-10 22:24:44,824 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:24:44,824 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:24:50,159 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:24:50,177 - INFO - Price: $1868.92 | Action: SELL +2025-03-10 22:24:50,177 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:24:50,177 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:24:55,498 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:24:55,514 - INFO - Price: $1868.34 | Action: SELL +2025-03-10 22:24:55,515 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:24:55,515 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:25:00,861 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:25:00,883 - INFO - Price: $1869.22 | Action: SELL +2025-03-10 22:25:00,883 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:25:00,884 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:25:06,186 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:25:06,203 - INFO - Price: $1869.07 | Action: SELL +2025-03-10 22:25:06,203 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:25:06,203 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:25:11,500 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:25:11,525 - INFO - Price: $1869.22 | Action: SELL +2025-03-10 22:25:11,526 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:25:11,527 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:25:16,841 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:25:16,868 - INFO - Price: $1868.91 | Action: SELL +2025-03-10 22:25:16,868 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:25:16,868 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:25:22,176 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:25:22,194 - INFO - Price: $1870.16 | Action: SELL +2025-03-10 22:25:22,194 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:25:22,194 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:25:27,978 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:25:27,998 - INFO - Price: $1870.46 | Action: SELL +2025-03-10 22:25:27,998 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:25:27,999 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:25:33,330 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:25:33,362 - INFO - Price: $1870.74 | Action: SELL +2025-03-10 22:25:33,364 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:25:33,365 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:25:38,688 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:25:38,702 - INFO - Price: $1870.88 | Action: SELL +2025-03-10 22:25:38,705 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:25:38,705 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:25:44,014 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:25:44,034 - INFO - Price: $1871.61 | Action: SELL +2025-03-10 22:25:44,034 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:25:44,035 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:25:49,360 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:25:49,378 - INFO - Price: $1871.42 | Action: SELL +2025-03-10 22:25:49,378 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:25:49,379 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:25:54,692 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:25:54,711 - INFO - Price: $1870.56 | Action: SELL +2025-03-10 22:25:54,711 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:25:54,711 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:26:00,023 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:26:00,045 - INFO - Price: $1870.90 | Action: SELL +2025-03-10 22:26:00,045 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:26:00,047 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:26:05,402 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:26:05,424 - INFO - Price: $1871.74 | Action: SELL +2025-03-10 22:26:05,424 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:26:05,424 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:26:10,732 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:26:10,754 - INFO - Price: $1871.04 | Action: SELL +2025-03-10 22:26:10,755 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:26:10,755 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:26:16,061 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:26:16,079 - INFO - Price: $1871.88 | Action: SELL +2025-03-10 22:26:16,080 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:26:16,080 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:26:21,399 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:26:21,418 - INFO - Price: $1873.00 | Action: SELL +2025-03-10 22:26:21,418 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:26:21,418 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:26:26,720 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:26:26,742 - INFO - Price: $1874.28 | Action: SELL +2025-03-10 22:26:26,742 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:26:26,745 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:26:32,071 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:26:32,095 - INFO - Price: $1874.09 | Action: SELL +2025-03-10 22:26:32,095 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:26:32,095 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:26:37,405 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:26:37,421 - INFO - Price: $1874.80 | Action: SELL +2025-03-10 22:26:37,421 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:26:37,422 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:26:42,731 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:26:42,750 - INFO - Price: $1875.25 | Action: SELL +2025-03-10 22:26:42,751 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:26:42,752 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:26:48,062 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:26:48,080 - INFO - Price: $1874.48 | Action: SELL +2025-03-10 22:26:48,080 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:26:48,081 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:26:53,400 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:26:53,418 - INFO - Price: $1873.89 | Action: SELL +2025-03-10 22:26:53,418 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:26:53,419 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:26:58,741 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:26:58,753 - INFO - Price: $1873.82 | Action: SELL +2025-03-10 22:26:58,758 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:26:58,759 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:27:04,086 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:27:04,108 - INFO - Price: $1873.64 | Action: SELL +2025-03-10 22:27:04,108 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:27:04,110 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:27:09,419 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:27:09,438 - INFO - Price: $1873.44 | Action: SELL +2025-03-10 22:27:09,442 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:27:09,442 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:27:14,817 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:27:14,831 - INFO - Price: $1873.78 | Action: SELL +2025-03-10 22:27:14,831 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:27:14,834 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:27:20,161 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:27:20,175 - INFO - Price: $1874.14 | Action: SELL +2025-03-10 22:27:20,175 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:27:20,175 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:27:25,472 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:27:25,489 - INFO - Price: $1874.51 | Action: SELL +2025-03-10 22:27:25,489 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:27:25,490 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:27:30,821 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:27:30,840 - INFO - Price: $1874.10 | Action: SELL +2025-03-10 22:27:30,841 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:27:30,841 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:27:36,146 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:27:36,163 - INFO - Price: $1874.03 | Action: SELL +2025-03-10 22:27:36,164 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:27:36,164 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:27:41,488 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:27:41,512 - INFO - Price: $1873.81 | Action: SELL +2025-03-10 22:27:41,512 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:27:41,513 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:27:46,824 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:27:46,842 - INFO - Price: $1874.12 | Action: SELL +2025-03-10 22:27:46,842 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:27:46,842 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:27:52,165 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:27:52,180 - INFO - Price: $1872.69 | Action: SELL +2025-03-10 22:27:52,180 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:27:52,182 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:27:57,491 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:27:57,512 - INFO - Price: $1871.91 | Action: SELL +2025-03-10 22:27:57,512 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:27:57,513 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:28:02,821 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:28:02,839 - INFO - Price: $1870.90 | Action: SELL +2025-03-10 22:28:02,839 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:28:02,840 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:28:08,144 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:28:08,161 - INFO - Price: $1868.68 | Action: SELL +2025-03-10 22:28:08,161 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:28:08,162 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:28:13,507 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:28:13,523 - INFO - Price: $1869.45 | Action: SELL +2025-03-10 22:28:13,524 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:28:13,524 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:28:18,837 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:28:18,861 - INFO - Price: $1870.73 | Action: SELL +2025-03-10 22:28:18,862 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:28:18,862 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:28:24,174 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:28:24,187 - INFO - Price: $1871.39 | Action: SELL +2025-03-10 22:28:24,187 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:28:24,187 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 22:28:29,514 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 22:28:29,530 - INFO - Price: $1871.36 | Action: SELL +2025-03-10 22:28:29,530 - INFO - Balance: $101.65 | Trades: 13 | Win Rate: 46.2% | Total PnL: $1.65 +2025-03-10 22:28:29,532 - INFO - Recent Performance: Win Rate=42.9% in uptrends, 33.3% in downtrends +2025-03-10 23:13:37,909 - INFO - Using GPU: NVIDIA GeForce RTX 4060 Laptop GPU +2025-03-10 23:13:37,938 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 23:13:37,938 - INFO - Fetching initial data for ETH/USDT +2025-03-10 23:13:37,939 - INFO - Fetching initial data for ETH/USDT +2025-03-10 23:13:41,717 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 23:13:41,738 - INFO - Initialized environment with 500 candles +2025-03-10 23:13:44,686 - INFO - Starting continuous training mode. Press Ctrl+C to stop. +2025-03-10 23:13:44,686 - INFO - Starting training batch 1 +2025-03-10 23:13:44,687 - INFO - Refreshing data for new training batch +2025-03-10 23:13:44,687 - INFO - Fetching initial data for ETH/USDT +2025-03-10 23:13:45,701 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 23:13:45,714 - INFO - Initialized environment with 500 candles +2025-03-10 23:13:45,715 - INFO - Updated environment with fresh candles +2025-03-10 23:13:45,715 - INFO - Starting training on device: cuda +2025-03-10 23:13:45,716 - INFO - Loading best model from models/trading_agent_best_pnl.pt to resume training +2025-03-10 23:13:45,716 - INFO - Loading model from models/trading_agent_best_pnl.pt +2025-03-10 23:13:45,901 - INFO - Model loaded successfully with weights_only=True +2025-03-10 23:13:45,901 - INFO - Resumed with best metrics - Reward: 202.74, PnL: $9.27, Win Rate: 73.3% +2025-03-10 23:13:45,904 - INFO - Refreshing data for episode 0 +2025-03-10 23:13:45,904 - INFO - Fetching initial data for ETH/USDT +2025-03-10 23:13:46,213 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 23:13:46,224 - INFO - Initialized environment with 100 candles +2025-03-10 23:13:47,424 - INFO - OPENED SHORT at 1876.49 | Stop loss: 1885.8724499999998 | Take profit: 1848.34265 +2025-03-10 23:13:47,562 - INFO - TAKE PROFIT hit for short at 1848.34265 | PnL: 1.50% | $0.28 +2025-03-10 23:13:47,564 - INFO - OPENED SHORT at 1849.88 | Stop loss: 1859.1293999999998 | Take profit: 1822.1318 +2025-03-10 23:13:47,579 - INFO - STOP LOSS hit for short at 1859.1293999999998 | PnL: -0.50% | $-0.12 +2025-03-10 23:13:47,583 - INFO - OPENED SHORT at 1862.99 | Stop loss: 1872.3049499999997 | Take profit: 1835.04515 +2025-03-10 23:13:47,593 - INFO - STOP LOSS hit for short at 1872.3049499999997 | PnL: -0.50% | $-0.12 +2025-03-10 23:13:47,596 - INFO - OPENED SHORT at 1871.95 | Stop loss: 1881.30975 | Take profit: 1843.87075 +2025-03-10 23:13:47,816 - INFO - STOP LOSS hit for short at 1881.30975 | PnL: -0.50% | $-0.12 +2025-03-10 23:13:47,839 - INFO - Trade Analysis: Win Rate=25.0% in uptrends, 0.0% in downtrends | Avg Win=$0.28, Avg Loss=$-0.12 +2025-03-10 23:13:47,840 - INFO - Episode 0: Reward=-20.31, Balance=$99.92, Win Rate=25.0%, Trades=4, Episode PnL=$-0.08, Total PnL=$-0.08, Max Drawdown=0.4%, Pred Accuracy=98.2% +2025-03-10 23:13:48,003 - INFO - Model saved to checkpoints/trading_agent_episode_0.pt +2025-03-10 23:13:48,003 - INFO - Checkpoint saved at episode 0 +2025-03-10 23:13:49,506 - INFO - Visualization saved for episode 0 +2025-03-10 23:13:51,284 - INFO - Visualization saved for episode 0 +2025-03-10 23:13:51,292 - INFO - Refreshing data for episode 1 +2025-03-10 23:13:51,292 - INFO - Fetching initial data for ETH/USDT +2025-03-10 23:13:51,629 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 23:13:51,639 - INFO - Initialized environment with 100 candles +2025-03-10 23:13:51,770 - INFO - OPENED SHORT at 1876.49 | Stop loss: 1885.8724499999998 | Take profit: 1848.34265 +2025-03-10 23:13:52,367 - INFO - CLOSED short at 1873.44 | PnL: 0.16% | $0.01 +2025-03-10 23:13:52,368 - INFO - OPENED LONG at 1873.44 | Stop loss: 1864.0728000000001 | Take profit: 1901.5415999999998 +2025-03-10 23:13:52,403 - INFO - CLOSED long at 1871.1 | PnL: -0.12% | $-0.04 +2025-03-10 23:13:52,404 - INFO - OPENED SHORT at 1871.1 | Stop loss: 1880.4554999999998 | Take profit: 1843.0334999999998 +2025-03-10 23:13:52,527 - INFO - CLOSED short at 1862.88 | PnL: 0.44% | $0.07 +2025-03-10 23:13:52,527 - INFO - OPENED LONG at 1862.88 | Stop loss: 1853.5656000000001 | Take profit: 1890.8231999999998 +2025-03-10 23:13:52,555 - INFO - CLOSED long at 1863.0 | PnL: 0.01% | $-0.02 +2025-03-10 23:13:52,556 - INFO - OPENED SHORT at 1863.0 | Stop loss: 1872.3149999999998 | Take profit: 1835.055 +2025-03-10 23:13:52,988 - INFO - STOP LOSS hit for short at 1872.3149999999998 | PnL: -0.50% | $-0.12 +2025-03-10 23:13:53,014 - INFO - OPENED SHORT at 1871.95 | Stop loss: 1881.30975 | Take profit: 1843.87075 +2025-03-10 23:13:53,137 - INFO - CLOSED short at 1870.48 | PnL: 0.08% | $-0.00 +2025-03-10 23:13:53,169 - INFO - OPENED SHORT at 1868.8 | Stop loss: 1878.1439999999998 | Take profit: 1840.768 +2025-03-10 23:13:53,199 - INFO - CLOSED short at 1868.13 | PnL: 0.04% | $-0.01 +2025-03-10 23:13:53,199 - INFO - OPENED LONG at 1868.13 | Stop loss: 1858.78935 | Take profit: 1896.15195 +2025-03-10 23:13:53,251 - INFO - CLOSED long at 1864.28 | PnL: -0.21% | $-0.06 +2025-03-10 23:13:53,252 - INFO - OPENED SHORT at 1864.28 | Stop loss: 1873.6013999999998 | Take profit: 1836.3157999999999 +2025-03-10 23:13:53,379 - INFO - STOP LOSS hit for short at 1873.6013999999998 | PnL: -0.50% | $-0.12 +2025-03-10 23:13:53,401 - INFO - OPENED LONG at 1877.02 | Stop loss: 1867.6349 | Take profit: 1905.1752999999999 +2025-03-10 23:13:53,465 - INFO - Trade Analysis: Win Rate=40.0% in uptrends, 0.0% in downtrends | Avg Win=$0.04, Avg Loss=$-0.05 +2025-03-10 23:13:53,465 - INFO - Episode 1: Reward=-33.48, Balance=$99.70, Win Rate=22.2%, Trades=9, Episode PnL=$-0.17, Total PnL=$-0.38, Max Drawdown=0.3%, Pred Accuracy=98.2% +2025-03-10 23:13:53,466 - INFO - Refreshing data for episode 2 +2025-03-10 23:13:53,466 - INFO - Fetching initial data for ETH/USDT +2025-03-10 23:13:53,783 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 23:13:53,792 - INFO - Initialized environment with 100 candles +2025-03-10 23:13:53,831 - INFO - OPENED SHORT at 1876.49 | Stop loss: 1885.8724499999998 | Take profit: 1848.34265 +2025-03-10 23:13:53,972 - INFO - CLOSED short at 1870.56 | PnL: 0.32% | $0.04 +2025-03-10 23:13:53,972 - INFO - OPENED LONG at 1870.56 | Stop loss: 1861.2071999999998 | Take profit: 1898.6183999999998 +2025-03-10 23:13:54,028 - INFO - CLOSED long at 1866.99 | PnL: -0.19% | $-0.06 +2025-03-10 23:13:54,050 - INFO - OPENED SHORT at 1868.84 | Stop loss: 1878.1841999999997 | Take profit: 1840.8074 +2025-03-10 23:13:54,095 - INFO - CLOSED short at 1870.79 | PnL: -0.10% | $-0.04 +2025-03-10 23:13:54,096 - INFO - OPENED LONG at 1870.79 | Stop loss: 1861.43605 | Take profit: 1898.8518499999998 +2025-03-10 23:13:54,330 - INFO - CLOSED long at 1870.9 | PnL: 0.01% | $-0.02 +2025-03-10 23:13:54,330 - INFO - OPENED SHORT at 1870.9 | Stop loss: 1880.2544999999998 | Take profit: 1842.8365000000001 +2025-03-10 23:13:54,354 - INFO - CLOSED short at 1873.64 | PnL: -0.15% | $-0.05 +2025-03-10 23:13:54,355 - INFO - OPENED LONG at 1873.64 | Stop loss: 1864.2718 | Take profit: 1901.7446 +2025-03-10 23:13:54,483 - INFO - CLOSED long at 1865.02 | PnL: -0.46% | $-0.11 +2025-03-10 23:13:54,484 - INFO - OPENED SHORT at 1865.02 | Stop loss: 1874.3450999999998 | Take profit: 1837.0447 +2025-03-10 23:13:54,505 - INFO - CLOSED short at 1864.8 | PnL: 0.01% | $-0.02 +2025-03-10 23:13:54,505 - INFO - OPENED LONG at 1864.8 | Stop loss: 1855.4759999999999 | Take profit: 1892.7719999999997 +2025-03-10 23:13:54,548 - INFO - CLOSED long at 1863.0 | PnL: -0.10% | $-0.04 +2025-03-10 23:13:54,549 - INFO - OPENED SHORT at 1863.0 | Stop loss: 1872.3149999999998 | Take profit: 1835.055 +2025-03-10 23:13:54,569 - INFO - CLOSED short at 1860.01 | PnL: 0.16% | $0.01 +2025-03-10 23:13:54,569 - INFO - OPENED LONG at 1860.01 | Stop loss: 1850.70995 | Take profit: 1887.9101499999997 +2025-03-10 23:13:54,803 - INFO - STOP LOSS hit for long at 1850.70995 | PnL: -0.50% | $-0.12 +2025-03-10 23:13:54,827 - INFO - OPENED LONG at 1849.88 | Stop loss: 1840.6306000000002 | Take profit: 1877.6281999999999 +2025-03-10 23:13:55,037 - INFO - TAKE PROFIT hit for long at 1877.6281999999999 | PnL: 1.50% | $0.28 +2025-03-10 23:13:55,061 - INFO - OPENED LONG at 1876.98 | Stop loss: 1867.5951 | Take profit: 1905.1346999999998 +2025-03-10 23:13:55,304 - INFO - STOP LOSS hit for long at 1867.5951 | PnL: -0.50% | $-0.12 +2025-03-10 23:13:55,358 - INFO - OPENED LONG at 1864.28 | Stop loss: 1854.9586 | Take profit: 1892.2441999999999 +2025-03-10 23:13:55,624 - INFO - Trade Analysis: Win Rate=37.5% in uptrends, 0.0% in downtrends | Avg Win=$0.11, Avg Loss=$-0.06 +2025-03-10 23:13:55,625 - INFO - Episode 2: Reward=-11.45, Balance=$99.76, Win Rate=25.0%, Trades=12, Episode PnL=$-0.07, Total PnL=$-0.61, Max Drawdown=0.4%, Pred Accuracy=98.2% +2025-03-10 23:13:55,625 - INFO - Refreshing data for episode 3 +2025-03-10 23:13:55,626 - INFO - Fetching initial data for ETH/USDT +2025-03-10 23:13:55,947 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 23:13:55,956 - INFO - Initialized environment with 100 candles +2025-03-10 23:13:56,178 - INFO - OPENED LONG at 1876.49 | Stop loss: 1867.10755 | Take profit: 1904.6373499999997 +2025-03-10 23:13:56,392 - INFO - STOP LOSS hit for long at 1867.10755 | PnL: -0.50% | $-0.12 +2025-03-10 23:13:56,430 - INFO - OPENED LONG at 1866.99 | Stop loss: 1857.65505 | Take profit: 1894.9948499999998 +2025-03-10 23:13:56,638 - INFO - CLOSED long at 1862.7 | PnL: -0.23% | $-0.06 +2025-03-10 23:13:56,639 - INFO - OPENED SHORT at 1862.7 | Stop loss: 1872.0134999999998 | Take profit: 1834.7595000000001 +2025-03-10 23:13:56,662 - INFO - CLOSED short at 1863.0 | PnL: -0.02% | $-0.02 +2025-03-10 23:13:56,662 - INFO - OPENED LONG at 1863.0 | Stop loss: 1853.685 | Take profit: 1890.9449999999997 +2025-03-10 23:13:57,081 - INFO - CLOSED long at 1857.82 | PnL: -0.28% | $-0.07 +2025-03-10 23:13:57,081 - INFO - OPENED SHORT at 1857.82 | Stop loss: 1867.1090999999997 | Take profit: 1829.9526999999998 +2025-03-10 23:13:57,107 - INFO - CLOSED short at 1860.42 | PnL: -0.14% | $-0.05 +2025-03-10 23:13:57,107 - INFO - OPENED LONG at 1860.42 | Stop loss: 1851.1179 | Take profit: 1888.3263 +2025-03-10 23:13:57,196 - INFO - CLOSED long at 1854.72 | PnL: -0.31% | $-0.08 +2025-03-10 23:13:57,196 - INFO - OPENED SHORT at 1854.72 | Stop loss: 1863.9935999999998 | Take profit: 1826.8992 +2025-03-10 23:13:57,220 - INFO - CLOSED short at 1856.46 | PnL: -0.09% | $-0.04 +2025-03-10 23:13:57,220 - INFO - OPENED LONG at 1856.46 | Stop loss: 1847.1777 | Take profit: 1884.3068999999998 +2025-03-10 23:13:57,395 - INFO - CLOSED long at 1868.97 | PnL: 0.67% | $0.11 +2025-03-10 23:13:57,396 - INFO - OPENED SHORT at 1868.97 | Stop loss: 1878.3148499999998 | Take profit: 1840.93545 +2025-03-10 23:13:57,419 - INFO - CLOSED short at 1873.2 | PnL: -0.23% | $-0.06 +2025-03-10 23:13:57,420 - INFO - OPENED LONG at 1873.2 | Stop loss: 1863.834 | Take profit: 1901.2979999999998 +2025-03-10 23:13:57,648 - INFO - CLOSED long at 1864.28 | PnL: -0.48% | $-0.11 +2025-03-10 23:13:57,672 - INFO - OPENED LONG at 1865.81 | Stop loss: 1856.48095 | Take profit: 1893.7971499999999 +2025-03-10 23:13:57,860 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.11, Avg Loss=$-0.07 +2025-03-10 23:13:57,860 - INFO - Episode 3: Reward=3.14, Balance=$99.49, Win Rate=10.0%, Trades=10, Episode PnL=$-0.40, Total PnL=$-1.13, Max Drawdown=0.5%, Pred Accuracy=98.3% +2025-03-10 23:13:57,861 - INFO - Refreshing data for episode 4 +2025-03-10 23:13:57,861 - INFO - Fetching initial data for ETH/USDT +2025-03-10 23:13:58,160 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 23:13:58,171 - INFO - Initialized environment with 100 candles +2025-03-10 23:13:58,212 - INFO - OPENED LONG at 1876.49 | Stop loss: 1867.10755 | Take profit: 1904.6373499999997 +2025-03-10 23:13:58,388 - INFO - STOP LOSS hit for long at 1867.10755 | PnL: -0.50% | $-0.12 +2025-03-10 23:13:58,417 - INFO - OPENED LONG at 1866.99 | Stop loss: 1857.65505 | Take profit: 1894.9948499999998 +2025-03-10 23:13:59,066 - INFO - STOP LOSS hit for long at 1857.65505 | PnL: -0.50% | $-0.12 +2025-03-10 23:13:59,101 - INFO - OPENED LONG at 1856.77 | Stop loss: 1847.48615 | Take profit: 1884.6215499999998 +2025-03-10 23:13:59,457 - INFO - STOP LOSS hit for long at 1847.48615 | PnL: -0.50% | $-0.12 +2025-03-10 23:13:59,489 - INFO - OPENED LONG at 1849.88 | Stop loss: 1840.6306000000002 | Take profit: 1877.6281999999999 +2025-03-10 23:13:59,776 - INFO - TAKE PROFIT hit for long at 1877.6281999999999 | PnL: 1.50% | $0.28 +2025-03-10 23:13:59,824 - INFO - OPENED LONG at 1876.98 | Stop loss: 1867.5951 | Take profit: 1905.1346999999998 +2025-03-10 23:13:59,996 - INFO - STOP LOSS hit for long at 1867.5951 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:00,029 - INFO - OPENED LONG at 1864.28 | Stop loss: 1854.9586 | Take profit: 1892.2441999999999 +2025-03-10 23:14:00,353 - INFO - Trade Analysis: Win Rate=20.0% in uptrends, 0.0% in downtrends | Avg Win=$0.28, Avg Loss=$-0.12 +2025-03-10 23:14:00,354 - INFO - Episode 4: Reward=12.30, Balance=$99.80, Win Rate=20.0%, Trades=5, Episode PnL=$-0.20, Total PnL=$-1.32, Max Drawdown=0.4%, Pred Accuracy=98.3% +2025-03-10 23:14:00,355 - INFO - Refreshing data for episode 5 +2025-03-10 23:14:00,355 - INFO - Fetching initial data for ETH/USDT +2025-03-10 23:14:01,121 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 23:14:01,132 - INFO - Initialized environment with 100 candles +2025-03-10 23:14:01,912 - INFO - OPENED LONG at 1876.49 | Stop loss: 1867.10755 | Take profit: 1904.6373499999997 +2025-03-10 23:14:02,102 - INFO - STOP LOSS hit for long at 1867.10755 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:02,171 - INFO - OPENED LONG at 1866.99 | Stop loss: 1857.65505 | Take profit: 1894.9948499999998 +2025-03-10 23:14:02,862 - INFO - STOP LOSS hit for long at 1857.65505 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:02,916 - INFO - OPENED LONG at 1856.77 | Stop loss: 1847.48615 | Take profit: 1884.6215499999998 +2025-03-10 23:14:03,151 - INFO - STOP LOSS hit for long at 1847.48615 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:03,175 - INFO - OPENED LONG at 1849.88 | Stop loss: 1840.6306000000002 | Take profit: 1877.6281999999999 +2025-03-10 23:14:03,481 - INFO - TAKE PROFIT hit for long at 1877.6281999999999 | PnL: 1.50% | $0.28 +2025-03-10 23:14:03,510 - INFO - OPENED LONG at 1876.98 | Stop loss: 1867.5951 | Take profit: 1905.1346999999998 +2025-03-10 23:14:03,765 - INFO - STOP LOSS hit for long at 1867.5951 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:03,815 - INFO - OPENED LONG at 1864.28 | Stop loss: 1854.9586 | Take profit: 1892.2441999999999 +2025-03-10 23:14:04,041 - INFO - Trade Analysis: Win Rate=20.0% in uptrends, 0.0% in downtrends | Avg Win=$0.28, Avg Loss=$-0.12 +2025-03-10 23:14:04,041 - INFO - Episode 5: Reward=12.28, Balance=$99.80, Win Rate=20.0%, Trades=5, Episode PnL=$-0.20, Total PnL=$-1.52, Max Drawdown=0.4%, Pred Accuracy=98.3% +2025-03-10 23:14:04,043 - INFO - Refreshing data for episode 6 +2025-03-10 23:14:04,043 - INFO - Fetching initial data for ETH/USDT +2025-03-10 23:14:04,351 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 23:14:04,367 - INFO - Initialized environment with 100 candles +2025-03-10 23:14:04,487 - INFO - OPENED LONG at 1870.75 | Stop loss: 1861.39625 | Take profit: 1898.8112499999997 +2025-03-10 23:14:05,187 - INFO - CLOSED long at 1873.44 | PnL: 0.14% | $0.01 +2025-03-10 23:14:05,188 - INFO - OPENED SHORT at 1873.44 | Stop loss: 1882.8072 | Take profit: 1845.3384 +2025-03-10 23:14:05,210 - INFO - CLOSED short at 1871.1 | PnL: 0.12% | $0.00 +2025-03-10 23:14:05,210 - INFO - OPENED LONG at 1871.1 | Stop loss: 1861.7444999999998 | Take profit: 1899.1664999999998 +2025-03-10 23:14:05,439 - INFO - CLOSED long at 1863.0 | PnL: -0.43% | $-0.11 +2025-03-10 23:14:05,440 - INFO - OPENED SHORT at 1863.0 | Stop loss: 1872.3149999999998 | Take profit: 1835.055 +2025-03-10 23:14:05,471 - INFO - CLOSED short at 1860.01 | PnL: 0.16% | $0.01 +2025-03-10 23:14:05,471 - INFO - OPENED LONG at 1860.01 | Stop loss: 1850.70995 | Take profit: 1887.9101499999997 +2025-03-10 23:14:05,739 - INFO - STOP LOSS hit for long at 1850.70995 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:05,791 - INFO - OPENED LONG at 1849.88 | Stop loss: 1840.6306000000002 | Take profit: 1877.6281999999999 +2025-03-10 23:14:06,024 - INFO - TAKE PROFIT hit for long at 1877.6281999999999 | PnL: 1.50% | $0.28 +2025-03-10 23:14:06,062 - INFO - OPENED LONG at 1876.98 | Stop loss: 1867.5951 | Take profit: 1905.1346999999998 +2025-03-10 23:14:06,284 - INFO - STOP LOSS hit for long at 1867.5951 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:06,310 - INFO - OPENED LONG at 1864.28 | Stop loss: 1854.9586 | Take profit: 1892.2441999999999 +2025-03-10 23:14:06,639 - INFO - Trade Analysis: Win Rate=60.0% in uptrends, 0.0% in downtrends | Avg Win=$0.08, Avg Loss=$-0.11 +2025-03-10 23:14:06,639 - INFO - Episode 6: Reward=13.85, Balance=$99.96, Win Rate=57.1%, Trades=7, Episode PnL=$0.06, Total PnL=$-1.56, Max Drawdown=0.2%, Pred Accuracy=98.2% +2025-03-10 23:14:06,641 - INFO - Refreshing data for episode 7 +2025-03-10 23:14:06,641 - INFO - Fetching initial data for ETH/USDT +2025-03-10 23:14:06,953 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 23:14:06,964 - INFO - Initialized environment with 100 candles +2025-03-10 23:14:07,004 - INFO - OPENED LONG at 1870.75 | Stop loss: 1861.39625 | Take profit: 1898.8112499999997 +2025-03-10 23:14:07,618 - INFO - CLOSED long at 1869.22 | PnL: -0.08% | $-0.04 +2025-03-10 23:14:07,649 - INFO - OPENED LONG at 1870.9 | Stop loss: 1861.5455000000002 | Take profit: 1898.9634999999998 +2025-03-10 23:14:08,013 - INFO - STOP LOSS hit for long at 1861.5455000000002 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:08,056 - INFO - OPENED LONG at 1857.28 | Stop loss: 1847.9936 | Take profit: 1885.1391999999998 +2025-03-10 23:14:08,402 - INFO - STOP LOSS hit for long at 1847.9936 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:08,459 - INFO - OPENED LONG at 1849.88 | Stop loss: 1840.6306000000002 | Take profit: 1877.6281999999999 +2025-03-10 23:14:08,783 - INFO - TAKE PROFIT hit for long at 1877.6281999999999 | PnL: 1.50% | $0.28 +2025-03-10 23:14:08,809 - INFO - OPENED LONG at 1876.98 | Stop loss: 1867.5951 | Take profit: 1905.1346999999998 +2025-03-10 23:14:09,038 - INFO - STOP LOSS hit for long at 1867.5951 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:09,067 - INFO - OPENED LONG at 1864.28 | Stop loss: 1854.9586 | Take profit: 1892.2441999999999 +2025-03-10 23:14:09,432 - INFO - Trade Analysis: Win Rate=25.0% in uptrends, 0.0% in downtrends | Avg Win=$0.28, Avg Loss=$-0.10 +2025-03-10 23:14:09,433 - INFO - Episode 7: Reward=11.06, Balance=$99.88, Win Rate=20.0%, Trades=5, Episode PnL=$-0.12, Total PnL=$-1.68, Max Drawdown=0.3%, Pred Accuracy=98.3% +2025-03-10 23:14:09,433 - INFO - Refreshing data for episode 8 +2025-03-10 23:14:09,434 - INFO - Fetching initial data for ETH/USDT +2025-03-10 23:14:10,177 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 23:14:10,194 - INFO - Initialized environment with 100 candles +2025-03-10 23:14:10,235 - INFO - OPENED LONG at 1870.75 | Stop loss: 1861.39625 | Take profit: 1898.8112499999997 +2025-03-10 23:14:11,189 - INFO - CLOSED long at 1860.01 | PnL: -0.57% | $-0.13 +2025-03-10 23:14:11,191 - INFO - OPENED SHORT at 1860.01 | Stop loss: 1869.3100499999998 | Take profit: 1832.10985 +2025-03-10 23:14:11,226 - INFO - CLOSED short at 1857.28 | PnL: 0.15% | $0.01 +2025-03-10 23:14:11,226 - INFO - OPENED LONG at 1857.28 | Stop loss: 1847.9936 | Take profit: 1885.1391999999998 +2025-03-10 23:14:11,543 - INFO - STOP LOSS hit for long at 1847.9936 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:11,568 - INFO - OPENED LONG at 1849.88 | Stop loss: 1840.6306000000002 | Take profit: 1877.6281999999999 +2025-03-10 23:14:11,861 - INFO - TAKE PROFIT hit for long at 1877.6281999999999 | PnL: 1.50% | $0.28 +2025-03-10 23:14:11,885 - INFO - OPENED LONG at 1876.98 | Stop loss: 1867.5951 | Take profit: 1905.1346999999998 +2025-03-10 23:14:12,014 - INFO - STOP LOSS hit for long at 1867.5951 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:12,038 - INFO - OPENED LONG at 1864.28 | Stop loss: 1854.9586 | Take profit: 1892.2441999999999 +2025-03-10 23:14:12,114 - INFO - CLOSED long at 1863.36 | PnL: -0.05% | $-0.03 +2025-03-10 23:14:12,153 - INFO - OPENED LONG at 1870.86 | Stop loss: 1861.5057 | Take profit: 1898.9228999999998 +2025-03-10 23:14:12,330 - INFO - Trade Analysis: Win Rate=50.0% in uptrends, 0.0% in downtrends | Avg Win=$0.14, Avg Loss=$-0.10 +2025-03-10 23:14:12,331 - INFO - Episode 8: Reward=10.75, Balance=$99.89, Win Rate=33.3%, Trades=6, Episode PnL=$0.02, Total PnL=$-1.79, Max Drawdown=0.2%, Pred Accuracy=98.3% +2025-03-10 23:14:12,331 - INFO - Refreshing data for episode 9 +2025-03-10 23:14:12,331 - INFO - Fetching initial data for ETH/USDT +2025-03-10 23:14:12,700 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 23:14:12,711 - INFO - Initialized environment with 100 candles +2025-03-10 23:14:12,746 - INFO - OPENED LONG at 1870.75 | Stop loss: 1861.39625 | Take profit: 1898.8112499999997 +2025-03-10 23:14:13,660 - INFO - STOP LOSS hit for long at 1861.39625 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:13,684 - INFO - OPENED LONG at 1857.28 | Stop loss: 1847.9936 | Take profit: 1885.1391999999998 +2025-03-10 23:14:13,892 - INFO - STOP LOSS hit for long at 1847.9936 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:13,940 - INFO - OPENED LONG at 1849.88 | Stop loss: 1840.6306000000002 | Take profit: 1877.6281999999999 +2025-03-10 23:14:14,172 - INFO - TAKE PROFIT hit for long at 1877.6281999999999 | PnL: 1.50% | $0.28 +2025-03-10 23:14:14,195 - INFO - OPENED LONG at 1876.98 | Stop loss: 1867.5951 | Take profit: 1905.1346999999998 +2025-03-10 23:14:14,244 - INFO - CLOSED long at 1870.0 | PnL: -0.37% | $-0.09 +2025-03-10 23:14:14,286 - INFO - OPENED LONG at 1870.48 | Stop loss: 1861.1276 | Take profit: 1898.5371999999998 +2025-03-10 23:14:14,640 - INFO - Trade Analysis: Win Rate=33.3% in uptrends, 0.0% in downtrends | Avg Win=$0.28, Avg Loss=$-0.11 +2025-03-10 23:14:14,641 - INFO - Episode 9: Reward=11.24, Balance=$99.95, Win Rate=25.0%, Trades=4, Episode PnL=$-0.05, Total PnL=$-1.85, Max Drawdown=0.2%, Pred Accuracy=98.4% +2025-03-10 23:14:14,641 - INFO - Refreshing data for episode 10 +2025-03-10 23:14:14,642 - INFO - Fetching initial data for ETH/USDT +2025-03-10 23:14:14,937 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 23:14:14,950 - INFO - Initialized environment with 100 candles +2025-03-10 23:14:15,799 - INFO - OPENED LONG at 1870.75 | Stop loss: 1861.39625 | Take profit: 1898.8112499999997 +2025-03-10 23:14:16,653 - INFO - STOP LOSS hit for long at 1861.39625 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:16,677 - INFO - OPENED LONG at 1857.28 | Stop loss: 1847.9936 | Take profit: 1885.1391999999998 +2025-03-10 23:14:16,883 - INFO - STOP LOSS hit for long at 1847.9936 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:16,908 - INFO - OPENED LONG at 1849.88 | Stop loss: 1840.6306000000002 | Take profit: 1877.6281999999999 +2025-03-10 23:14:17,115 - INFO - TAKE PROFIT hit for long at 1877.6281999999999 | PnL: 1.50% | $0.28 +2025-03-10 23:14:17,137 - INFO - OPENED LONG at 1876.98 | Stop loss: 1867.5951 | Take profit: 1905.1346999999998 +2025-03-10 23:14:17,275 - INFO - STOP LOSS hit for long at 1867.5951 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:17,300 - INFO - OPENED LONG at 1864.28 | Stop loss: 1854.9586 | Take profit: 1892.2441999999999 +2025-03-10 23:14:17,520 - INFO - Trade Analysis: Win Rate=25.0% in uptrends, 0.0% in downtrends | Avg Win=$0.28, Avg Loss=$-0.12 +2025-03-10 23:14:17,520 - INFO - Episode 10: Reward=12.55, Balance=$99.92, Win Rate=25.0%, Trades=4, Episode PnL=$-0.08, Total PnL=$-1.93, Max Drawdown=0.2%, Pred Accuracy=98.5% +2025-03-10 23:14:17,666 - INFO - Model saved to checkpoints/trading_agent_episode_10.pt +2025-03-10 23:14:17,667 - INFO - Checkpoint saved at episode 10 +2025-03-10 23:14:18,957 - INFO - Visualization saved for episode 10 +2025-03-10 23:14:20,708 - INFO - Visualization saved for episode 10 +2025-03-10 23:14:20,719 - INFO - Refreshing data for episode 11 +2025-03-10 23:14:20,719 - INFO - Fetching initial data for ETH/USDT +2025-03-10 23:14:21,021 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 23:14:21,031 - INFO - Initialized environment with 100 candles +2025-03-10 23:14:21,072 - INFO - OPENED LONG at 1870.75 | Stop loss: 1861.39625 | Take profit: 1898.8112499999997 +2025-03-10 23:14:21,475 - INFO - CLOSED long at 1869.22 | PnL: -0.08% | $-0.04 +2025-03-10 23:14:21,497 - INFO - OPENED LONG at 1870.9 | Stop loss: 1861.5455000000002 | Take profit: 1898.9634999999998 +2025-03-10 23:14:21,741 - INFO - STOP LOSS hit for long at 1861.5455000000002 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:21,764 - INFO - OPENED LONG at 1857.28 | Stop loss: 1847.9936 | Take profit: 1885.1391999999998 +2025-03-10 23:14:21,974 - INFO - STOP LOSS hit for long at 1847.9936 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:22,000 - INFO - OPENED LONG at 1849.88 | Stop loss: 1840.6306000000002 | Take profit: 1877.6281999999999 +2025-03-10 23:14:22,205 - INFO - TAKE PROFIT hit for long at 1877.6281999999999 | PnL: 1.50% | $0.28 +2025-03-10 23:14:22,234 - INFO - OPENED LONG at 1876.98 | Stop loss: 1867.5951 | Take profit: 1905.1346999999998 +2025-03-10 23:14:22,378 - INFO - STOP LOSS hit for long at 1867.5951 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:22,402 - INFO - OPENED LONG at 1864.28 | Stop loss: 1854.9586 | Take profit: 1892.2441999999999 +2025-03-10 23:14:22,616 - INFO - Trade Analysis: Win Rate=25.0% in uptrends, 0.0% in downtrends | Avg Win=$0.28, Avg Loss=$-0.10 +2025-03-10 23:14:22,617 - INFO - Episode 11: Reward=11.05, Balance=$99.88, Win Rate=20.0%, Trades=5, Episode PnL=$-0.12, Total PnL=$-2.04, Max Drawdown=0.3%, Pred Accuracy=98.7% +2025-03-10 23:14:22,617 - INFO - Refreshing data for episode 12 +2025-03-10 23:14:22,619 - INFO - Fetching initial data for ETH/USDT +2025-03-10 23:14:22,927 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 23:14:22,944 - INFO - Initialized environment with 100 candles +2025-03-10 23:14:22,978 - INFO - OPENED LONG at 1870.75 | Stop loss: 1861.39625 | Take profit: 1898.8112499999997 +2025-03-10 23:14:23,273 - INFO - CLOSED long at 1870.79 | PnL: 0.00% | $-0.02 +2025-03-10 23:14:23,321 - INFO - OPENED LONG at 1867.53 | Stop loss: 1858.19235 | Take profit: 1895.5429499999998 +2025-03-10 23:14:24,010 - INFO - STOP LOSS hit for long at 1858.19235 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:24,038 - INFO - OPENED LONG at 1856.77 | Stop loss: 1847.48615 | Take profit: 1884.6215499999998 +2025-03-10 23:14:24,252 - INFO - STOP LOSS hit for long at 1847.48615 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:24,278 - INFO - OPENED LONG at 1849.88 | Stop loss: 1840.6306000000002 | Take profit: 1877.6281999999999 +2025-03-10 23:14:24,519 - INFO - TAKE PROFIT hit for long at 1877.6281999999999 | PnL: 1.50% | $0.28 +2025-03-10 23:14:24,562 - INFO - OPENED LONG at 1876.98 | Stop loss: 1867.5951 | Take profit: 1905.1346999999998 +2025-03-10 23:14:24,668 - INFO - CLOSED long at 1870.48 | PnL: -0.35% | $-0.09 +2025-03-10 23:14:24,668 - INFO - OPENED SHORT at 1870.48 | Stop loss: 1879.8323999999998 | Take profit: 1842.4228 +2025-03-10 23:14:24,697 - INFO - CLOSED short at 1868.8 | PnL: 0.09% | $-0.00 +2025-03-10 23:14:24,697 - INFO - OPENED LONG at 1868.8 | Stop loss: 1859.456 | Take profit: 1896.8319999999999 +2025-03-10 23:14:25,109 - INFO - Trade Analysis: Win Rate=25.0% in uptrends, 0.0% in downtrends | Avg Win=$0.28, Avg Loss=$-0.07 +2025-03-10 23:14:25,109 - INFO - Episode 12: Reward=8.70, Balance=$99.93, Win Rate=16.7%, Trades=6, Episode PnL=$0.02, Total PnL=$-2.11, Max Drawdown=0.3%, Pred Accuracy=99.0% +2025-03-10 23:14:25,109 - INFO - Refreshing data for episode 13 +2025-03-10 23:14:25,113 - INFO - Fetching initial data for ETH/USDT +2025-03-10 23:14:25,440 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 23:14:25,452 - INFO - Initialized environment with 100 candles +2025-03-10 23:14:25,483 - INFO - OPENED LONG at 1870.75 | Stop loss: 1861.39625 | Take profit: 1898.8112499999997 +2025-03-10 23:14:26,322 - INFO - CLOSED long at 1868.85 | PnL: -0.10% | $-0.04 +2025-03-10 23:14:26,322 - INFO - OPENED SHORT at 1868.85 | Stop loss: 1878.1942499999998 | Take profit: 1840.8172499999998 +2025-03-10 23:14:26,351 - INFO - CLOSED short at 1865.02 | PnL: 0.20% | $0.02 +2025-03-10 23:14:26,352 - INFO - OPENED LONG at 1865.02 | Stop loss: 1855.6949 | Take profit: 1892.9952999999998 +2025-03-10 23:14:26,557 - INFO - CLOSED long at 1856.77 | PnL: -0.44% | $-0.11 +2025-03-10 23:14:26,566 - INFO - OPENED SHORT at 1856.77 | Stop loss: 1866.0538499999998 | Take profit: 1828.91845 +2025-03-10 23:14:26,610 - INFO - CLOSED short at 1857.82 | PnL: -0.06% | $-0.03 +2025-03-10 23:14:26,645 - INFO - OPENED LONG at 1860.42 | Stop loss: 1851.1179 | Take profit: 1888.3263 +2025-03-10 23:14:26,808 - INFO - STOP LOSS hit for long at 1851.1179 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:26,840 - INFO - OPENED LONG at 1849.88 | Stop loss: 1840.6306000000002 | Take profit: 1877.6281999999999 +2025-03-10 23:14:27,013 - INFO - CLOSED long at 1862.99 | PnL: 0.71% | $0.12 +2025-03-10 23:14:27,044 - INFO - OPENED LONG at 1866.77 | Stop loss: 1857.43615 | Take profit: 1894.7715499999997 +2025-03-10 23:14:27,690 - INFO - Trade Analysis: Win Rate=50.0% in uptrends, 0.0% in downtrends | Avg Win=$0.07, Avg Loss=$-0.07 +2025-03-10 23:14:27,691 - INFO - Episode 13: Reward=10.40, Balance=$99.84, Win Rate=33.3%, Trades=6, Episode PnL=$-0.01, Total PnL=$-2.27, Max Drawdown=0.3%, Pred Accuracy=99.2% +2025-03-10 23:14:27,691 - INFO - Refreshing data for episode 14 +2025-03-10 23:14:27,691 - INFO - Fetching initial data for ETH/USDT +2025-03-10 23:14:27,993 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 23:14:28,003 - INFO - Initialized environment with 100 candles +2025-03-10 23:14:28,129 - INFO - OPENED LONG at 1870.75 | Stop loss: 1861.39625 | Take profit: 1898.8112499999997 +2025-03-10 23:14:28,988 - INFO - STOP LOSS hit for long at 1861.39625 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:29,027 - INFO - OPENED LONG at 1857.28 | Stop loss: 1847.9936 | Take profit: 1885.1391999999998 +2025-03-10 23:14:29,280 - INFO - STOP LOSS hit for long at 1847.9936 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:29,333 - INFO - OPENED LONG at 1849.88 | Stop loss: 1840.6306000000002 | Take profit: 1877.6281999999999 +2025-03-10 23:14:29,607 - INFO - TAKE PROFIT hit for long at 1877.6281999999999 | PnL: 1.50% | $0.28 +2025-03-10 23:14:29,633 - INFO - OPENED LONG at 1876.98 | Stop loss: 1867.5951 | Take profit: 1905.1346999999998 +2025-03-10 23:14:29,865 - INFO - STOP LOSS hit for long at 1867.5951 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:29,892 - INFO - OPENED LONG at 1864.28 | Stop loss: 1854.9586 | Take profit: 1892.2441999999999 +2025-03-10 23:14:30,207 - INFO - Trade Analysis: Win Rate=25.0% in uptrends, 0.0% in downtrends | Avg Win=$0.28, Avg Loss=$-0.12 +2025-03-10 23:14:30,208 - INFO - Episode 14: Reward=12.55, Balance=$99.92, Win Rate=25.0%, Trades=4, Episode PnL=$-0.08, Total PnL=$-2.35, Max Drawdown=0.2%, Pred Accuracy=99.1% +2025-03-10 23:14:30,208 - INFO - Refreshing data for episode 15 +2025-03-10 23:14:30,209 - INFO - Fetching initial data for ETH/USDT +2025-03-10 23:14:30,502 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 23:14:30,515 - INFO - Initialized environment with 100 candles +2025-03-10 23:14:31,493 - INFO - OPENED LONG at 1870.75 | Stop loss: 1861.39625 | Take profit: 1898.8112499999997 +2025-03-10 23:14:32,378 - INFO - STOP LOSS hit for long at 1861.39625 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:32,428 - INFO - OPENED LONG at 1857.28 | Stop loss: 1847.9936 | Take profit: 1885.1391999999998 +2025-03-10 23:14:32,731 - INFO - STOP LOSS hit for long at 1847.9936 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:32,781 - INFO - OPENED LONG at 1849.88 | Stop loss: 1840.6306000000002 | Take profit: 1877.6281999999999 +2025-03-10 23:14:33,039 - INFO - TAKE PROFIT hit for long at 1877.6281999999999 | PnL: 1.50% | $0.28 +2025-03-10 23:14:33,091 - INFO - OPENED LONG at 1876.98 | Stop loss: 1867.5951 | Take profit: 1905.1346999999998 +2025-03-10 23:14:33,322 - INFO - STOP LOSS hit for long at 1867.5951 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:33,346 - INFO - OPENED LONG at 1864.28 | Stop loss: 1854.9586 | Take profit: 1892.2441999999999 +2025-03-10 23:14:33,729 - INFO - Trade Analysis: Win Rate=25.0% in uptrends, 0.0% in downtrends | Avg Win=$0.28, Avg Loss=$-0.12 +2025-03-10 23:14:33,729 - INFO - Episode 15: Reward=12.53, Balance=$99.92, Win Rate=25.0%, Trades=4, Episode PnL=$-0.08, Total PnL=$-2.43, Max Drawdown=0.2%, Pred Accuracy=99.0% +2025-03-10 23:14:33,729 - INFO - Refreshing data for episode 16 +2025-03-10 23:14:33,734 - INFO - Fetching initial data for ETH/USDT +2025-03-10 23:14:34,039 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 23:14:34,053 - INFO - Initialized environment with 100 candles +2025-03-10 23:14:34,089 - INFO - OPENED LONG at 1870.75 | Stop loss: 1861.39625 | Take profit: 1898.8112499999997 +2025-03-10 23:14:34,367 - INFO - CLOSED long at 1868.84 | PnL: -0.10% | $-0.04 +2025-03-10 23:14:34,367 - INFO - OPENED SHORT at 1868.84 | Stop loss: 1878.1841999999997 | Take profit: 1840.8074 +2025-03-10 23:14:34,418 - INFO - CLOSED short at 1871.82 | PnL: -0.16% | $-0.05 +2025-03-10 23:14:34,418 - INFO - OPENED LONG at 1871.82 | Stop loss: 1862.4609 | Take profit: 1899.8972999999999 +2025-03-10 23:14:34,551 - INFO - CLOSED long at 1868.46 | PnL: -0.18% | $-0.06 +2025-03-10 23:14:34,551 - INFO - OPENED SHORT at 1868.46 | Stop loss: 1877.8022999999998 | Take profit: 1840.4331 +2025-03-10 23:14:34,585 - INFO - CLOSED short at 1863.89 | PnL: 0.24% | $0.03 +2025-03-10 23:14:34,587 - INFO - OPENED LONG at 1863.89 | Stop loss: 1854.5705500000001 | Take profit: 1891.84835 +2025-03-10 23:14:35,363 - INFO - STOP LOSS hit for long at 1854.5705500000001 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:35,388 - INFO - OPENED LONG at 1851.43 | Stop loss: 1842.1728500000002 | Take profit: 1879.2014499999998 +2025-03-10 23:14:35,512 - INFO - CLOSED long at 1847.2 | PnL: -0.23% | $-0.06 +2025-03-10 23:14:35,512 - INFO - OPENED SHORT at 1847.2 | Stop loss: 1856.436 | Take profit: 1819.492 +2025-03-10 23:14:35,568 - INFO - CLOSED short at 1849.88 | PnL: -0.15% | $-0.05 +2025-03-10 23:14:35,569 - INFO - OPENED LONG at 1849.88 | Stop loss: 1840.6306000000002 | Take profit: 1877.6281999999999 +2025-03-10 23:14:35,872 - INFO - TAKE PROFIT hit for long at 1877.6281999999999 | PnL: 1.50% | $0.28 +2025-03-10 23:14:35,973 - INFO - OPENED LONG at 1874.51 | Stop loss: 1865.13745 | Take profit: 1902.62765 +2025-03-10 23:14:36,157 - INFO - STOP LOSS hit for long at 1865.13745 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:36,180 - INFO - OPENED LONG at 1865.81 | Stop loss: 1856.48095 | Take profit: 1893.7971499999999 +2025-03-10 23:14:36,501 - INFO - Trade Analysis: Win Rate=33.3% in uptrends, 0.0% in downtrends | Avg Win=$0.15, Avg Loss=$-0.07 +2025-03-10 23:14:36,502 - INFO - Episode 16: Reward=6.83, Balance=$99.81, Win Rate=22.2%, Trades=9, Episode PnL=$-0.03, Total PnL=$-2.62, Max Drawdown=0.2%, Pred Accuracy=98.9% +2025-03-10 23:14:36,502 - INFO - Refreshing data for episode 17 +2025-03-10 23:14:36,504 - INFO - Fetching initial data for ETH/USDT +2025-03-10 23:14:36,813 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 23:14:36,824 - INFO - Initialized environment with 100 candles +2025-03-10 23:14:36,862 - INFO - OPENED LONG at 1870.75 | Stop loss: 1861.39625 | Take profit: 1898.8112499999997 +2025-03-10 23:14:36,914 - INFO - CLOSED long at 1870.08 | PnL: -0.04% | $-0.03 +2025-03-10 23:14:36,944 - INFO - OPENED LONG at 1870.26 | Stop loss: 1860.9087 | Take profit: 1898.3138999999999 +2025-03-10 23:14:36,998 - INFO - CLOSED long at 1870.56 | PnL: 0.02% | $-0.02 +2025-03-10 23:14:37,037 - INFO - OPENED LONG at 1866.28 | Stop loss: 1856.9486 | Take profit: 1894.2741999999998 +2025-03-10 23:14:38,044 - INFO - STOP LOSS hit for long at 1856.9486 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:38,071 - INFO - OPENED LONG at 1857.82 | Stop loss: 1848.5309 | Take profit: 1885.6872999999998 +2025-03-10 23:14:38,271 - INFO - STOP LOSS hit for long at 1848.5309 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:38,317 - INFO - OPENED LONG at 1849.88 | Stop loss: 1840.6306000000002 | Take profit: 1877.6281999999999 +2025-03-10 23:14:38,596 - INFO - TAKE PROFIT hit for long at 1877.6281999999999 | PnL: 1.50% | $0.28 +2025-03-10 23:14:38,624 - INFO - OPENED LONG at 1876.98 | Stop loss: 1867.5951 | Take profit: 1905.1346999999998 +2025-03-10 23:14:38,900 - INFO - STOP LOSS hit for long at 1867.5951 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:38,931 - INFO - OPENED LONG at 1864.28 | Stop loss: 1854.9586 | Take profit: 1892.2441999999999 +2025-03-10 23:14:39,305 - INFO - Trade Analysis: Win Rate=25.0% in uptrends, 0.0% in downtrends | Avg Win=$0.28, Avg Loss=$-0.08 +2025-03-10 23:14:39,305 - INFO - Episode 17: Reward=9.60, Balance=$99.88, Win Rate=16.7%, Trades=6, Episode PnL=$-0.12, Total PnL=$-2.74, Max Drawdown=0.3%, Pred Accuracy=99.0% +2025-03-10 23:14:39,306 - INFO - Refreshing data for episode 18 +2025-03-10 23:14:39,306 - INFO - Fetching initial data for ETH/USDT +2025-03-10 23:14:39,615 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 23:14:39,627 - INFO - Initialized environment with 100 candles +2025-03-10 23:14:39,665 - INFO - OPENED LONG at 1870.75 | Stop loss: 1861.39625 | Take profit: 1898.8112499999997 +2025-03-10 23:14:40,414 - INFO - CLOSED long at 1865.02 | PnL: -0.31% | $-0.08 +2025-03-10 23:14:40,446 - INFO - OPENED LONG at 1864.8 | Stop loss: 1855.4759999999999 | Take profit: 1892.7719999999997 +2025-03-10 23:14:40,703 - INFO - STOP LOSS hit for long at 1855.4759999999999 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:40,726 - INFO - OPENED SHORT at 1851.43 | Stop loss: 1860.68715 | Take profit: 1823.65855 +2025-03-10 23:14:40,755 - INFO - CLOSED short at 1854.72 | PnL: -0.18% | $-0.05 +2025-03-10 23:14:40,756 - INFO - OPENED LONG at 1854.72 | Stop loss: 1845.4464 | Take profit: 1882.5407999999998 +2025-03-10 23:14:41,431 - INFO - CLOSED long at 1873.88 | PnL: 1.03% | $0.18 +2025-03-10 23:14:41,458 - INFO - OPENED LONG at 1877.02 | Stop loss: 1867.6349 | Take profit: 1905.1752999999999 +2025-03-10 23:14:41,565 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.18, Avg Loss=$-0.08 +2025-03-10 23:14:41,566 - INFO - Episode 18: Reward=11.13, Balance=$99.93, Win Rate=25.0%, Trades=4, Episode PnL=$-0.07, Total PnL=$-2.81, Max Drawdown=0.2%, Pred Accuracy=99.0% +2025-03-10 23:14:41,566 - INFO - Refreshing data for episode 19 +2025-03-10 23:14:41,566 - INFO - Fetching initial data for ETH/USDT +2025-03-10 23:14:41,887 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 23:14:41,900 - INFO - Initialized environment with 100 candles +2025-03-10 23:14:41,937 - INFO - OPENED LONG at 1870.75 | Stop loss: 1861.39625 | Take profit: 1898.8112499999997 +2025-03-10 23:14:42,456 - INFO - CLOSED long at 1869.22 | PnL: -0.08% | $-0.04 +2025-03-10 23:14:42,456 - INFO - OPENED SHORT at 1869.22 | Stop loss: 1878.5660999999998 | Take profit: 1841.1817 +2025-03-10 23:14:42,489 - INFO - CLOSED short at 1870.9 | PnL: -0.09% | $-0.04 +2025-03-10 23:14:42,489 - INFO - OPENED LONG at 1870.9 | Stop loss: 1861.5455000000002 | Take profit: 1898.9634999999998 +2025-03-10 23:14:42,815 - INFO - STOP LOSS hit for long at 1861.5455000000002 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:42,844 - INFO - OPENED LONG at 1857.28 | Stop loss: 1847.9936 | Take profit: 1885.1391999999998 +2025-03-10 23:14:43,228 - INFO - STOP LOSS hit for long at 1847.9936 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:43,294 - INFO - OPENED LONG at 1849.88 | Stop loss: 1840.6306000000002 | Take profit: 1877.6281999999999 +2025-03-10 23:14:43,679 - INFO - TAKE PROFIT hit for long at 1877.6281999999999 | PnL: 1.50% | $0.28 +2025-03-10 23:14:43,743 - INFO - OPENED LONG at 1876.98 | Stop loss: 1867.5951 | Take profit: 1905.1346999999998 +2025-03-10 23:14:43,959 - INFO - STOP LOSS hit for long at 1867.5951 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:43,990 - INFO - OPENED LONG at 1864.28 | Stop loss: 1854.9586 | Take profit: 1892.2441999999999 +2025-03-10 23:14:44,338 - INFO - CLOSED long at 1889.25 | PnL: 1.34% | $0.24 +2025-03-10 23:14:44,338 - INFO - OPENED SHORT at 1889.25 | Stop loss: 1898.6962499999997 | Take profit: 1860.9112499999999 +2025-03-10 23:14:44,367 - INFO - Trade Analysis: Win Rate=20.0% in uptrends, 0.0% in downtrends | Avg Win=$0.26, Avg Loss=$-0.09 +2025-03-10 23:14:44,368 - INFO - Episode 19: Reward=10.58, Balance=$100.09, Win Rate=28.6%, Trades=7, Episode PnL=$-0.12, Total PnL=$-2.72, Max Drawdown=0.3%, Pred Accuracy=99.0% +2025-03-10 23:14:44,368 - INFO - Refreshing data for episode 20 +2025-03-10 23:14:44,369 - INFO - Fetching initial data for ETH/USDT +2025-03-10 23:14:44,670 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 23:14:44,681 - INFO - Initialized environment with 100 candles +2025-03-10 23:14:45,637 - INFO - OPENED LONG at 1870.75 | Stop loss: 1861.39625 | Take profit: 1898.8112499999997 +2025-03-10 23:14:46,752 - INFO - CLOSED long at 1860.01 | PnL: -0.57% | $-0.13 +2025-03-10 23:14:46,753 - INFO - OPENED SHORT at 1860.01 | Stop loss: 1869.3100499999998 | Take profit: 1832.10985 +2025-03-10 23:14:46,778 - INFO - CLOSED short at 1857.28 | PnL: 0.15% | $0.01 +2025-03-10 23:14:46,778 - INFO - OPENED LONG at 1857.28 | Stop loss: 1847.9936 | Take profit: 1885.1391999999998 +2025-03-10 23:14:47,100 - INFO - STOP LOSS hit for long at 1847.9936 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:47,124 - INFO - OPENED LONG at 1849.88 | Stop loss: 1840.6306000000002 | Take profit: 1877.6281999999999 +2025-03-10 23:14:47,414 - INFO - TAKE PROFIT hit for long at 1877.6281999999999 | PnL: 1.50% | $0.28 +2025-03-10 23:14:47,439 - INFO - OPENED LONG at 1876.98 | Stop loss: 1867.5951 | Take profit: 1905.1346999999998 +2025-03-10 23:14:47,586 - INFO - STOP LOSS hit for long at 1867.5951 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:47,616 - INFO - OPENED LONG at 1864.28 | Stop loss: 1854.9586 | Take profit: 1892.2441999999999 +2025-03-10 23:14:47,924 - INFO - Trade Analysis: Win Rate=50.0% in uptrends, 0.0% in downtrends | Avg Win=$0.14, Avg Loss=$-0.12 +2025-03-10 23:14:47,924 - INFO - Episode 20: Reward=12.23, Balance=$99.92, Win Rate=40.0%, Trades=5, Episode PnL=$0.05, Total PnL=$-2.80, Max Drawdown=0.2%, Pred Accuracy=99.0% +2025-03-10 23:14:48,066 - INFO - Model saved to checkpoints/trading_agent_episode_20.pt +2025-03-10 23:14:48,067 - INFO - Checkpoint saved at episode 20 +2025-03-10 23:14:48,068 - INFO - Reducing learning rate to 0.000010 +2025-03-10 23:14:49,310 - INFO - Visualization saved for episode 20 +2025-03-10 23:14:52,080 - INFO - Visualization saved for episode 20 +2025-03-10 23:14:52,094 - INFO - Refreshing data for episode 21 +2025-03-10 23:14:52,094 - INFO - Fetching initial data for ETH/USDT +2025-03-10 23:14:52,401 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 23:14:52,417 - INFO - Initialized environment with 100 candles +2025-03-10 23:14:52,463 - INFO - OPENED LONG at 1870.75 | Stop loss: 1861.39625 | Take profit: 1898.8112499999997 +2025-03-10 23:14:53,546 - INFO - STOP LOSS hit for long at 1861.39625 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:53,576 - INFO - OPENED LONG at 1857.28 | Stop loss: 1847.9936 | Take profit: 1885.1391999999998 +2025-03-10 23:14:53,601 - INFO - CLOSED long at 1856.77 | PnL: -0.03% | $-0.03 +2025-03-10 23:14:53,637 - INFO - OPENED LONG at 1857.82 | Stop loss: 1848.5309 | Take profit: 1885.6872999999998 +2025-03-10 23:14:53,952 - INFO - STOP LOSS hit for long at 1848.5309 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:53,983 - INFO - OPENED LONG at 1849.88 | Stop loss: 1840.6306000000002 | Take profit: 1877.6281999999999 +2025-03-10 23:14:54,263 - INFO - CLOSED long at 1873.2 | PnL: 1.26% | $0.23 +2025-03-10 23:14:54,264 - INFO - OPENED SHORT at 1873.2 | Stop loss: 1882.5659999999998 | Take profit: 1845.102 +2025-03-10 23:14:54,290 - INFO - CLOSED short at 1871.95 | PnL: 0.07% | $-0.01 +2025-03-10 23:14:54,291 - INFO - OPENED LONG at 1871.95 | Stop loss: 1862.59025 | Take profit: 1900.0292499999998 +2025-03-10 23:14:54,971 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.23, Avg Loss=$-0.07 +2025-03-10 23:14:54,971 - INFO - Episode 21: Reward=11.17, Balance=$99.96, Win Rate=20.0%, Trades=5, Episode PnL=$-0.27, Total PnL=$-2.84, Max Drawdown=0.3%, Pred Accuracy=99.0% +2025-03-10 23:14:54,971 - INFO - Reducing learning rate to 0.000010 +2025-03-10 23:14:54,971 - INFO - Refreshing data for episode 22 +2025-03-10 23:14:54,971 - INFO - Fetching initial data for ETH/USDT +2025-03-10 23:14:55,290 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 23:14:55,305 - INFO - Initialized environment with 100 candles +2025-03-10 23:14:55,413 - INFO - OPENED LONG at 1870.75 | Stop loss: 1861.39625 | Take profit: 1898.8112499999997 +2025-03-10 23:14:55,987 - INFO - CLOSED long at 1869.22 | PnL: -0.08% | $-0.04 +2025-03-10 23:14:55,987 - INFO - OPENED SHORT at 1869.22 | Stop loss: 1878.5660999999998 | Take profit: 1841.1817 +2025-03-10 23:14:56,018 - INFO - CLOSED short at 1870.9 | PnL: -0.09% | $-0.04 +2025-03-10 23:14:56,018 - INFO - OPENED LONG at 1870.9 | Stop loss: 1861.5455000000002 | Take profit: 1898.9634999999998 +2025-03-10 23:14:56,400 - INFO - STOP LOSS hit for long at 1861.5455000000002 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:56,434 - INFO - OPENED LONG at 1857.28 | Stop loss: 1847.9936 | Take profit: 1885.1391999999998 +2025-03-10 23:14:56,733 - INFO - STOP LOSS hit for long at 1847.9936 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:56,764 - INFO - OPENED LONG at 1849.88 | Stop loss: 1840.6306000000002 | Take profit: 1877.6281999999999 +2025-03-10 23:14:57,056 - INFO - TAKE PROFIT hit for long at 1877.6281999999999 | PnL: 1.50% | $0.28 +2025-03-10 23:14:57,085 - INFO - OPENED LONG at 1876.98 | Stop loss: 1867.5951 | Take profit: 1905.1346999999998 +2025-03-10 23:14:57,262 - INFO - STOP LOSS hit for long at 1867.5951 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:57,288 - INFO - OPENED LONG at 1864.28 | Stop loss: 1854.9586 | Take profit: 1892.2441999999999 +2025-03-10 23:14:57,560 - INFO - Trade Analysis: Win Rate=20.0% in uptrends, 0.0% in downtrends | Avg Win=$0.28, Avg Loss=$-0.09 +2025-03-10 23:14:57,561 - INFO - Episode 22: Reward=9.93, Balance=$99.85, Win Rate=16.7%, Trades=6, Episode PnL=$-0.12, Total PnL=$-3.00, Max Drawdown=0.3%, Pred Accuracy=99.0% +2025-03-10 23:14:57,561 - INFO - Reducing learning rate to 0.000010 +2025-03-10 23:14:57,562 - INFO - Refreshing data for episode 23 +2025-03-10 23:14:57,562 - INFO - Fetching initial data for ETH/USDT +2025-03-10 23:14:57,878 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 23:14:57,891 - INFO - Initialized environment with 100 candles +2025-03-10 23:14:57,930 - INFO - OPENED LONG at 1870.75 | Stop loss: 1861.39625 | Take profit: 1898.8112499999997 +2025-03-10 23:14:58,178 - INFO - CLOSED long at 1868.84 | PnL: -0.10% | $-0.04 +2025-03-10 23:14:58,214 - INFO - OPENED LONG at 1871.82 | Stop loss: 1862.4609 | Take profit: 1899.8972999999999 +2025-03-10 23:14:58,428 - INFO - CLOSED long at 1862.7 | PnL: -0.49% | $-0.12 +2025-03-10 23:14:58,465 - INFO - OPENED LONG at 1863.0 | Stop loss: 1853.685 | Take profit: 1890.9449999999997 +2025-03-10 23:14:59,062 - INFO - STOP LOSS hit for long at 1853.685 | PnL: -0.50% | $-0.12 +2025-03-10 23:14:59,092 - INFO - OPENED LONG at 1851.43 | Stop loss: 1842.1728500000002 | Take profit: 1879.2014499999998 +2025-03-10 23:14:59,574 - INFO - TAKE PROFIT hit for long at 1879.2014499999998 | PnL: 1.50% | $0.28 +2025-03-10 23:14:59,602 - INFO - OPENED LONG at 1876.98 | Stop loss: 1867.5951 | Take profit: 1905.1346999999998 +2025-03-10 23:14:59,728 - INFO - CLOSED long at 1870.48 | PnL: -0.35% | $-0.09 +2025-03-10 23:14:59,729 - INFO - OPENED SHORT at 1870.48 | Stop loss: 1879.8323999999998 | Take profit: 1842.4228 +2025-03-10 23:14:59,785 - INFO - CLOSED short at 1868.8 | PnL: 0.09% | $-0.00 +2025-03-10 23:14:59,785 - INFO - OPENED LONG at 1868.8 | Stop loss: 1859.456 | Take profit: 1896.8319999999999 +2025-03-10 23:15:00,293 - INFO - Trade Analysis: Win Rate=33.3% in uptrends, 0.0% in downtrends | Avg Win=$0.28, Avg Loss=$-0.07 +2025-03-10 23:15:00,293 - INFO - Episode 23: Reward=7.36, Balance=$99.91, Win Rate=16.7%, Trades=6, Episode PnL=$-0.00, Total PnL=$-3.08, Max Drawdown=0.3%, Pred Accuracy=99.0% +2025-03-10 23:15:00,293 - INFO - Reducing learning rate to 0.000010 +2025-03-10 23:15:00,293 - INFO - Refreshing data for episode 24 +2025-03-10 23:15:00,297 - INFO - Fetching initial data for ETH/USDT +2025-03-10 23:15:00,593 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 23:15:00,609 - INFO - Initialized environment with 100 candles +2025-03-10 23:15:00,652 - INFO - OPENED LONG at 1870.75 | Stop loss: 1861.39625 | Take profit: 1898.8112499999997 +2025-03-10 23:15:01,885 - INFO - CLOSED long at 1860.01 | PnL: -0.57% | $-0.13 +2025-03-10 23:15:01,960 - INFO - OPENED LONG at 1857.28 | Stop loss: 1847.9936 | Take profit: 1885.1391999999998 +2025-03-10 23:15:02,350 - INFO - STOP LOSS hit for long at 1847.9936 | PnL: -0.50% | $-0.12 +2025-03-10 23:15:02,425 - INFO - OPENED LONG at 1849.88 | Stop loss: 1840.6306000000002 | Take profit: 1877.6281999999999 +2025-03-10 23:15:02,518 - INFO - CLOSED long at 1859.64 | PnL: 0.53% | $0.08 +2025-03-10 23:15:02,550 - INFO - OPENED LONG at 1862.99 | Stop loss: 1853.67505 | Take profit: 1890.9348499999999 +2025-03-10 23:15:02,766 - INFO - CLOSED long at 1879.34 | PnL: 0.88% | $0.15 +2025-03-10 23:15:02,834 - INFO - OPENED LONG at 1876.98 | Stop loss: 1867.5951 | Take profit: 1905.1346999999998 +2025-03-10 23:15:03,037 - INFO - STOP LOSS hit for long at 1867.5951 | PnL: -0.50% | $-0.12 +2025-03-10 23:15:03,106 - INFO - OPENED LONG at 1864.28 | Stop loss: 1854.9586 | Take profit: 1892.2441999999999 +2025-03-10 23:15:03,499 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.12, Avg Loss=$-0.12 +2025-03-10 23:15:03,500 - INFO - Episode 24: Reward=12.70, Balance=$99.87, Win Rate=40.0%, Trades=5, Episode PnL=$-0.13, Total PnL=$-3.22, Max Drawdown=0.3%, Pred Accuracy=99.0% +2025-03-10 23:15:03,501 - INFO - Reducing learning rate to 0.000010 +2025-03-10 23:15:03,502 - INFO - Refreshing data for episode 25 +2025-03-10 23:15:03,502 - INFO - Fetching initial data for ETH/USDT +2025-03-10 23:15:03,801 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 23:15:03,819 - INFO - Initialized environment with 100 candles +2025-03-10 23:15:04,890 - INFO - OPENED LONG at 1867.27 | Stop loss: 1857.93365 | Take profit: 1895.2790499999999 +2025-03-10 23:15:04,992 - INFO - CLOSED long at 1870.56 | PnL: 0.18% | $0.02 +2025-03-10 23:15:04,993 - INFO - OPENED SHORT at 1870.56 | Stop loss: 1879.9127999999998 | Take profit: 1842.5015999999998 +2025-03-10 23:15:05,023 - INFO - CLOSED short at 1866.28 | PnL: 0.23% | $0.03 +2025-03-10 23:15:05,025 - INFO - OPENED LONG at 1866.28 | Stop loss: 1856.9486 | Take profit: 1894.2741999999998 +2025-03-10 23:15:05,319 - INFO - CLOSED long at 1863.0 | PnL: -0.18% | $-0.05 +2025-03-10 23:15:05,348 - INFO - OPENED LONG at 1864.0 | Stop loss: 1854.68 | Take profit: 1891.9599999999998 +2025-03-10 23:15:05,875 - INFO - STOP LOSS hit for long at 1854.68 | PnL: -0.50% | $-0.12 +2025-03-10 23:15:05,906 - INFO - OPENED LONG at 1851.43 | Stop loss: 1842.1728500000002 | Take profit: 1879.2014499999998 +2025-03-10 23:15:05,986 - INFO - CLOSED long at 1847.2 | PnL: -0.23% | $-0.06 +2025-03-10 23:15:06,014 - INFO - OPENED LONG at 1849.88 | Stop loss: 1840.6306000000002 | Take profit: 1877.6281999999999 +2025-03-10 23:15:06,120 - INFO - CLOSED long at 1862.99 | PnL: 0.71% | $0.12 +2025-03-10 23:15:06,153 - INFO - OPENED LONG at 1866.77 | Stop loss: 1857.43615 | Take profit: 1894.7715499999997 +2025-03-10 23:15:06,606 - INFO - CLOSED long at 1870.86 | PnL: 0.22% | $0.02 +2025-03-10 23:15:06,636 - INFO - OPENED LONG at 1868.14 | Stop loss: 1858.7993000000001 | Take profit: 1896.1621 +2025-03-10 23:15:06,822 - INFO - Trade Analysis: Win Rate=50.0% in uptrends, 0.0% in downtrends | Avg Win=$0.05, Avg Loss=$-0.08 +2025-03-10 23:15:06,825 - INFO - Episode 25: Reward=13.08, Balance=$99.95, Win Rate=57.1%, Trades=7, Episode PnL=$-0.07, Total PnL=$-3.27, Max Drawdown=0.2%, Pred Accuracy=98.9% +2025-03-10 23:15:06,825 - INFO - Reducing learning rate to 0.000010 +2025-03-10 23:15:06,826 - INFO - Refreshing data for episode 26 +2025-03-10 23:15:06,827 - INFO - Fetching initial data for ETH/USDT +2025-03-10 23:15:07,140 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 23:15:07,156 - INFO - Initialized environment with 100 candles +2025-03-10 23:15:07,414 - INFO - OPENED LONG at 1870.08 | Stop loss: 1860.7296 | Take profit: 1898.1311999999998 +2025-03-10 23:15:08,486 - INFO - STOP LOSS hit for long at 1860.7296 | PnL: -0.50% | $-0.12 +2025-03-10 23:15:08,515 - INFO - OPENED LONG at 1857.28 | Stop loss: 1847.9936 | Take profit: 1885.1391999999998 +2025-03-10 23:15:08,577 - INFO - CLOSED long at 1857.82 | PnL: 0.03% | $-0.01 +2025-03-10 23:15:08,578 - INFO - OPENED SHORT at 1857.82 | Stop loss: 1867.1090999999997 | Take profit: 1829.9526999999998 +2025-03-10 23:15:08,609 - INFO - CLOSED short at 1860.42 | PnL: -0.14% | $-0.05 +2025-03-10 23:15:08,609 - INFO - OPENED LONG at 1860.42 | Stop loss: 1851.1179 | Take profit: 1888.3263 +2025-03-10 23:15:08,810 - INFO - STOP LOSS hit for long at 1851.1179 | PnL: -0.50% | $-0.12 +2025-03-10 23:15:08,846 - INFO - OPENED LONG at 1849.88 | Stop loss: 1840.6306000000002 | Take profit: 1877.6281999999999 +2025-03-10 23:15:09,128 - INFO - TAKE PROFIT hit for long at 1877.6281999999999 | PnL: 1.50% | $0.28 +2025-03-10 23:15:09,158 - INFO - OPENED LONG at 1876.98 | Stop loss: 1867.5951 | Take profit: 1905.1346999999998 +2025-03-10 23:15:09,186 - INFO - CLOSED long at 1874.51 | PnL: -0.13% | $-0.05 +2025-03-10 23:15:09,186 - INFO - OPENED SHORT at 1874.51 | Stop loss: 1883.8825499999998 | Take profit: 1846.39235 +2025-03-10 23:15:09,215 - INFO - CLOSED short at 1870.0 | PnL: 0.24% | $0.03 +2025-03-10 23:15:09,215 - INFO - OPENED LONG at 1870.0 | Stop loss: 1860.65 | Take profit: 1898.0499999999997 +2025-03-10 23:15:09,520 - INFO - CLOSED long at 1873.88 | PnL: 0.21% | $0.02 +2025-03-10 23:15:09,520 - INFO - OPENED SHORT at 1873.88 | Stop loss: 1883.2494 | Take profit: 1845.7718 +2025-03-10 23:15:09,551 - INFO - CLOSED short at 1877.02 | PnL: -0.17% | $-0.05 +2025-03-10 23:15:09,552 - INFO - OPENED LONG at 1877.02 | Stop loss: 1867.6349 | Take profit: 1905.1752999999999 +2025-03-10 23:15:09,703 - INFO - Trade Analysis: Win Rate=33.3% in uptrends, 0.0% in downtrends | Avg Win=$0.11, Avg Loss=$-0.07 +2025-03-10 23:15:09,705 - INFO - Episode 26: Reward=8.92, Balance=$99.93, Win Rate=33.3%, Trades=9, Episode PnL=$-0.03, Total PnL=$-3.34, Max Drawdown=0.3%, Pred Accuracy=98.9% +2025-03-10 23:15:09,705 - INFO - Reducing learning rate to 0.000010 +2025-03-10 23:15:09,706 - INFO - Refreshing data for episode 27 +2025-03-10 23:15:09,706 - INFO - Fetching initial data for ETH/USDT +2025-03-10 23:15:10,025 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 23:15:10,041 - INFO - Initialized environment with 100 candles +2025-03-10 23:15:10,084 - INFO - OPENED LONG at 1867.27 | Stop loss: 1857.93365 | Take profit: 1895.2790499999999 +2025-03-10 23:15:10,743 - INFO - CLOSED long at 1873.44 | PnL: 0.33% | $0.05 +2025-03-10 23:15:10,770 - INFO - OPENED LONG at 1871.1 | Stop loss: 1861.7444999999998 | Take profit: 1899.1664999999998 +2025-03-10 23:15:10,976 - INFO - STOP LOSS hit for long at 1861.7444999999998 | PnL: -0.50% | $-0.12 +2025-03-10 23:15:11,017 - INFO - OPENED LONG at 1857.28 | Stop loss: 1847.9936 | Take profit: 1885.1391999999998 +2025-03-10 23:15:11,325 - INFO - STOP LOSS hit for long at 1847.9936 | PnL: -0.50% | $-0.12 +2025-03-10 23:15:11,355 - INFO - OPENED LONG at 1849.88 | Stop loss: 1840.6306000000002 | Take profit: 1877.6281999999999 +2025-03-10 23:15:11,694 - INFO - TAKE PROFIT hit for long at 1877.6281999999999 | PnL: 1.50% | $0.28 +2025-03-10 23:15:11,729 - INFO - OPENED LONG at 1876.98 | Stop loss: 1867.5951 | Take profit: 1905.1346999999998 +2025-03-10 23:15:11,910 - INFO - STOP LOSS hit for long at 1867.5951 | PnL: -0.50% | $-0.12 +2025-03-10 23:15:11,942 - INFO - OPENED LONG at 1864.28 | Stop loss: 1854.9586 | Take profit: 1892.2441999999999 +2025-03-10 23:15:12,455 - INFO - Trade Analysis: Win Rate=25.0% in uptrends, 0.0% in downtrends | Avg Win=$0.16, Avg Loss=$-0.12 +2025-03-10 23:15:12,456 - INFO - Episode 27: Reward=14.63, Balance=$99.97, Win Rate=40.0%, Trades=5, Episode PnL=$-0.03, Total PnL=$-3.38, Max Drawdown=0.2%, Pred Accuracy=99.0% +2025-03-10 23:15:12,457 - INFO - Reducing learning rate to 0.000010 +2025-03-10 23:15:12,457 - INFO - Refreshing data for episode 28 +2025-03-10 23:15:12,457 - INFO - Fetching initial data for ETH/USDT +2025-03-10 23:15:12,761 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 23:15:12,773 - INFO - Initialized environment with 100 candles +2025-03-10 23:15:12,813 - INFO - OPENED LONG at 1867.27 | Stop loss: 1857.93365 | Take profit: 1895.2790499999999 +2025-03-10 23:15:12,877 - INFO - CLOSED long at 1870.26 | PnL: 0.16% | $0.01 +2025-03-10 23:15:12,912 - INFO - OPENED LONG at 1867.69 | Stop loss: 1858.35155 | Take profit: 1895.70535 +2025-03-10 23:15:13,777 - INFO - STOP LOSS hit for long at 1858.35155 | PnL: -0.50% | $-0.12 +2025-03-10 23:15:13,808 - INFO - OPENED LONG at 1856.77 | Stop loss: 1847.48615 | Take profit: 1884.6215499999998 +2025-03-10 23:15:14,073 - INFO - STOP LOSS hit for long at 1847.48615 | PnL: -0.50% | $-0.12 +2025-03-10 23:15:14,133 - INFO - OPENED LONG at 1850.03 | Stop loss: 1840.77985 | Take profit: 1877.7804499999997 +2025-03-10 23:15:14,508 - INFO - TAKE PROFIT hit for long at 1877.7804499999997 | PnL: 1.50% | $0.28 +2025-03-10 23:15:14,536 - INFO - OPENED LONG at 1876.98 | Stop loss: 1867.5951 | Take profit: 1905.1346999999998 +2025-03-10 23:15:14,810 - INFO - STOP LOSS hit for long at 1867.5951 | PnL: -0.50% | $-0.12 +2025-03-10 23:15:14,838 - INFO - OPENED SHORT at 1864.28 | Stop loss: 1873.6013999999998 | Take profit: 1836.3157999999999 +2025-03-10 23:15:14,869 - INFO - CLOSED short at 1865.81 | PnL: -0.08% | $-0.04 +2025-03-10 23:15:14,869 - INFO - OPENED LONG at 1865.81 | Stop loss: 1856.48095 | Take profit: 1893.7971499999999 +2025-03-10 23:15:15,020 - INFO - CLOSED long at 1877.02 | PnL: 0.60% | $0.10 +2025-03-10 23:15:15,052 - INFO - OPENED LONG at 1881.0 | Stop loss: 1871.595 | Take profit: 1909.215 +2025-03-10 23:15:15,183 - INFO - Trade Analysis: Win Rate=20.0% in uptrends, 0.0% in downtrends | Avg Win=$0.13, Avg Loss=$-0.10 +2025-03-10 23:15:15,185 - INFO - Episode 28: Reward=14.69, Balance=$100.00, Win Rate=42.9%, Trades=7, Episode PnL=$-0.00, Total PnL=$-3.38, Max Drawdown=0.2%, Pred Accuracy=99.0% +2025-03-10 23:15:15,186 - INFO - Reducing learning rate to 0.000010 +2025-03-10 23:15:15,186 - INFO - Refreshing data for episode 29 +2025-03-10 23:15:15,187 - INFO - Fetching initial data for ETH/USDT +2025-03-10 23:15:15,498 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 23:15:15,509 - INFO - Initialized environment with 100 candles +2025-03-10 23:15:15,550 - INFO - OPENED LONG at 1867.27 | Stop loss: 1857.93365 | Take profit: 1895.2790499999999 +2025-03-10 23:15:16,882 - INFO - STOP LOSS hit for long at 1857.93365 | PnL: -0.50% | $-0.12 +2025-03-10 23:15:16,909 - INFO - OPENED LONG at 1856.77 | Stop loss: 1847.48615 | Take profit: 1884.6215499999998 +2025-03-10 23:15:17,097 - INFO - CLOSED long at 1854.72 | PnL: -0.11% | $-0.04 +2025-03-10 23:15:17,153 - INFO - OPENED LONG at 1856.46 | Stop loss: 1847.1777 | Take profit: 1884.3068999999998 +2025-03-10 23:15:18,155 - INFO - TAKE PROFIT hit for long at 1884.3068999999998 | PnL: 1.50% | $0.28 +2025-03-10 23:15:18,212 - INFO - OPENED LONG at 1889.25 | Stop loss: 1879.80375 | Take profit: 1917.58875 +2025-03-11 11:29:35,158 - INFO - Using GPU: NVIDIA GeForce RTX 4060 Laptop GPU +2025-03-11 11:29:35,181 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-11 11:29:35,181 - INFO - Fetching initial data for ETH/USDT +2025-03-11 11:29:35,182 - INFO - Fetching initial data for ETH/USDT +2025-03-11 11:29:38,855 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-11 11:29:38,875 - INFO - Initialized environment with 500 candles +2025-03-11 11:29:41,553 - INFO - Loading model from models/trading_agent_best_pnl.pt +2025-03-11 11:29:41,744 - INFO - Model loaded successfully with weights_only=True +2025-03-11 11:29:41,745 - INFO - Starting live trading... +2025-03-11 11:29:41,745 - INFO - Starting live trading (demo mode: True) +2025-03-11 11:29:41,745 - INFO - Fetching initial data for ETH/USDT +2025-03-11 11:29:42,053 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-11 11:29:42,064 - INFO - Initialized environment with 100 candles +2025-03-11 11:29:47,361 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-11 11:29:47,444 - INFO - OPENED SHORT at 1905.62 | Stop loss: 1915.1633214285714 | Take profit: 1877.0128678571427 +2025-03-11 11:29:47,445 - INFO - Price: $1922.34 | Action: SELL +2025-03-11 11:29:52,761 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-11 11:29:52,775 - INFO - Price: $1923.90 | Action: SELL +2025-03-11 11:29:58,079 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-11 11:29:58,098 - INFO - Price: $1925.45 | Action: SELL +2025-03-11 11:30:03,406 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-11 11:30:03,421 - INFO - Price: $1925.94 | Action: SELL diff --git a/crypto/gogo2/training_results.png b/crypto/gogo2/training_results.png index a15aa5a..e00c569 100644 Binary files a/crypto/gogo2/training_results.png and b/crypto/gogo2/training_results.png differ diff --git a/crypto/gogo2/visualizations/training_episode_30.png b/crypto/gogo2/visualizations/training_episode_30.png index 45e1594..432f801 100644 Binary files a/crypto/gogo2/visualizations/training_episode_30.png and b/crypto/gogo2/visualizations/training_episode_30.png differ