MQL5 Algo Trading
388K subscribers
2.56K photos
2.57K links
The best publications of the largest community of algotraders.

Subscribe to stay up-to-date with modern technologies and trading programs development.
Download Telegram
To effectively use AI for market predictions, providing accurate real-world data is crucial. Feature engineering is essential for transforming input data to describe market properties to AI models. Applying techniques like moving averages can enhance forecast accuracy by simplifying prediction tasks, such as predicting moving averages instead of direct prices. Studies show AI predicts moving averages with 70% accuracy and prices with 52%. Observed market divergence remains around 31%, and AI models reliably forecast it with 68% accuracy.

The moving averages offer predictive stability with constant noise levels across markets. AI predictions often outperform when focused on moving averages, supporting AI-powered long-term trading strategies.
#MQL5 #MT5 #AITrading #Indicator

Read more...
24👍53👨‍💻3😁1👌1
Overfitting in machine learning occurs when a model becomes too tailored to noise in the dataset, reducing its generalization capability. This leads to poor performance on unseen data. Traditional solutions like early stopping help but can limit model potential. A 2019 paper from Harvard suggests that for certain tasks, overfitting could be mitigated by training models for extended iterations, observing a "double descent" in test error. This approach can outperform perpetual fine-tuning but demands significant computational resources.

Practical applications using models like neural networks reveal inconsistencies, emphasizing the importance of parameter selection. Advancements in structured exploration of algorithmic landscapes can optimize these efforts.
#MQL5 #MT5 #ML #AITrading

Read more...
👍188👨‍💻42🔥1
The article discusses reinforcement learning through the lens of Deep Q-learning, focusing on advancements since the publication by the DeepMind team in 2013. Deep Q-learning enhances the standard Q-function environment interaction model by incorporating neural networks to address trading-related challenges. Q-functions are explained as methods for linking current states, actions, and rewards, approximated through interaction cycles.

Moving beyond the basics, Deep Q-learning utilizes neural networks to overcome limitations of finite state-action pairs encountered in previous models, employing methods like dynamic programming and Bellman optimization. Experience replay is crucial, enabling agents to optimize learning by shuffling states stored in memory buffers for randomness and long-term accuracy.

Supervised learning concepts are contrasted with...
#MQL5 #MT5 #DeepLearning #AITrading

Read more...
👍2418👨‍💻5👌1
Explore the fusion of quantum-inspired concepts with trading in this in-depth article. Begin with fundamental quantum computing principles and progress through a step-by-step guide to implementing these in an MQL5 trading system. While exploiting the unique strengths of quantum phenomena, such as multiple states and entanglement, these models enhance market behavior prediction. Python's Qiskit simulates quantum constructs, while MQL5 adapts them for real-time application, providing practical trading solutions. This informative piece offers traders and developers an edge by integrating quantum insights within traditional architectures, balancing precision with execution efficiency for optimized algorithmic trading.
#MQL5 #MT5 #QuantumComputing #AITrading

Read more...
27👍13👨‍💻4👌2👏1🏆1
An innovative reimagining of moving average cross-over strategies in algorithmic trading is presented, utilizing MetaTrader 5. By structuring a strategy using two Exponential Moving Averages, a Stochastic oscillator, and an Average True Range, a back-test revealed historical limitations in traditional approaches. Transitioning to AI-enhanced models transformed these strategies, leveraging dummy encoding to redefine state changes within indicators. This novel application allowed for a significant improvement in trading metrics, demonstrating enhanced profitability, a higher Sharpe ratio, and successful trades 55% of the time. This insightful exploration encourages developers to optimize traditional and new strategies with innovative AI techniques.
#MQL5 #MT5 #AITrading #Strategy

Read more...
18👍15🤔4👨‍💻3👌21
Discover the future of algorithmic trading with MetaTrader 5 and Python! Automate your trades using a model-based algorithm, setting strategic stop-losses and take-profits to manage risk effectively. Utilize online trading functions for real-time decisions, enhancing trading precision. Implement intelligent risk management to protect against drawdowns, adapting dynamically to market changes and utilizing optimal lot sizing based on the Kelly criterion. Experience the benefits of multi-currency trading through parallel computing for enhanced performance. Prepare for future advancements with insights into quantum machine learning, reinforcement learning, and swarm intelligence for optimized trading strategies. Stay ahead in the evolving landscape of trading technology.
#MQL5 #MT5 #Algorithm #AITrading

Read more...
👍2312🏆42👌2👨‍💻2
Explore the use of Autoencoders in algorithmic trading. Delve into their architecture, comprising encoder and decoder blocks, which compress and reconstruct data efficiently. Learn how Autoencoders tackle tasks like data compression, pre-processing, and noise removal, often differing from PCA in their approach by using complex, non-linear transforms. Discover potential trading applications such as data pre-processing or market trend evaluation, leveraging Transfer Learning to extend model utility. Engage in practical experimentation with a simple autoencoder, normalizing data inputs for effective model training, optimizing market insights for traders and developers.
#MQL5 #MT5 #AITrading #Algorithm

Read more...
23👍14👌21👨‍💻1
Discover a specialized approach to calculate the pseudoinverse in MetaTrader 5 using matrix factorization without general-purpose algorithms. This article highlights the efficiency of transforming arrays into a simple 2x2 matrix, enabling faster execution than generic methods. While traditional computations rely on libraries using matrices, this guide details implementing pseudoinverse directly in arrays, providing practical insights for developers. By mimicking matrix operations, programmers can optimize neural network calculations, offering a path toward efficient execution. Intended for educational use, it also hints at potential hardware implementations for scaling computations, catering to both traders and developers engaged in algorithmic trading.
#MQL5 #MT5 #NeuralNetworks #AITrading

Read more...
22👌17👍14🎉5👨‍💻42🏆1
The article highlights key insights for developing effective trading strategies in MetaTrader 5. It advises on spotting unreliable Expert Advisors (EAs) by examining claims about AI integrations and mentions the pitfalls of look-ahead bias and misrepresented AI usage. To avoid overfitting, it suggests utilizing longer data periods and limiting tunable parameters during optimization. The piece stresses the importance of considering commission and spread impacts in backtesting, especially for high-frequency strategies. It also recommends in-sample and out-of-sample testing to ensure model robustness, focusing on maintaining a consistent profit factor and keeping drawdown within acceptable limits.
#MQL5 #MT5 #Strategy #AITrading

Read more...
👍228👨‍💻1
Recent research has highlighted limitations in deep learning-based time series modeling, noting that shallow networks or linear models often outperform them on certain benchmarks. As foundational models in NLP and CV advance, their adaptation to time series data remains a challenge. TEMPO is introduced as a generative pre-trained transformer model focused on time series forecasting. It uses GPT and a two-component analytical framework to address specific temporal patterns like trends and seasonality. TEMPO enhances prediction accuracy by decomposing time series data into components, enriching model performance through an innovative prompt-based approach. This approach combines trend, seasonality, and residuals for a cohesive forecasting solution.
#MQL5 #MT5 #TimeSeries #AITrading

Read more...
👍3533👨‍💻2
The article explores the Traj-LLM algorithm, designed to enhance trajectory prediction using Large Language Models. Developed initially for autonomous vehicle applications, Traj-LLM harnesses Sparse Contextual Joint Encoding, high-level interaction modeling, and Lane-aware probabilistic learning, ensuring improved prediction accuracy. By utilizing pre-trained LLMs, the model overcomes traditional constraints of feature engineering, providing a robust approach to model temporal dependencies and interactions among traffic elements. The article also discusses implementing Traj-LLM in algorithmic trading using MQL5, highlighting modifications to existing neural network components for improved data processing efficiency and accuracy.

👉 Read | AppStore | Share!

#MQL5 #MT5 #AITrading
👍2516👨‍💻5👌31
Autonomous driving shares challenges with trading, notably in navigating dynamic environments. An autonomous vehicle's task of predicting future road events is complex due to unknown goals of other road users. Multi-agent traffic scenarios involve intricate interactions further complicated by rule-based constraints. Recent research adopts a vectorized approach for compact scene representation. However, real-time motion prediction remains difficult due to computational demands. The paper "HiVT: Hierarchical Vector Transformer for Multi-Agent Motion Prediction" introduces a method that uses a hierarchical model to manage interactions and dependencies, addressing computational efficiency and accuracy in motion prediction for large numbers of agents. It applies a Transformer architecture for improved scene comprehension.

👉 Read | Freelance | Share!

#MQL5 #MT5 #AITrading
👍2510👨‍💻3🔥1🏆1
Algorithmic traders frequently encounter challenges when relying on RSI (Relative Strength Index) due to its sensitivity to parameters like period, timeframe, and market-specific factors. Traditional guidelines (e.g., levels of 70 and 30) may not yield consistent signals across different contexts. To address these inconsistencies, a more dynamic approach involves examining the true range of the indicator and adjusting the midpoint based on observed data, rather than preset ranges.

Implementing this in MQL5 offers advantages, incorporating a flexible RSI class to handle multiple periods and levels. This facilitates analysis across varied market conditions, enabling traders to empirically assess profitability of different RSI deviations and optimize periods through systematic testing rather than static assumptions.

👉 Read | Quotes | Share!

#MQL5 #MT5 #AITrading
👍32304👨‍💻4🏆1
Deepening the understanding of DDPG is pivotal for those navigating reinforcement learning. The initialization of the DDPG-Agent class highlights essential components: dual network architecture, separate optimizers, and efficient experience management. Dual architecture facilitates stable learning through separate actor and critic networks, with target networks maintaining weight consistency. The experience management ensures memory efficiency via a fixed-size replay buffer for off-policy learning.

Incorporating key mechanisms such as state-processing, exploration strategies, and device-management in action selection enhances algorithm robustness. Learning updates demand sufficient experiences, allowing meaningful batch statistics; the critic networks update using stable Q-targets, while actor network updates focus on maximizing Q-values.

Target net...

👉 Read | Quotes | Share!

#MQL5 #MT5 #AITrading
👍502544🔥4👨‍💻2
Object segmentation in 3D scenes involves providing precise masks for detected objects in point clouds. Modern methods are grouped into assumption-based and clustering-based approaches. Assumption-based methods work top-down, first proposing regions and then determining masks, but struggle with point cloud sparsity and object complexity. Clustering-based methods adopt a bottom-up approach, assigning semantic labels and predicting instance centers but suffer from inaccuracies and extended processing times.

The Superpoint Transformer (SPFormer) combines both approaches, utilizing a sparse 3D U-Net for point-level feature extraction and grouping points into superpoints. SPFormer introduces a Transformer decoder that predicts instances utilizing cross-attention with superpoints, streamlining the segmentation process by eliminating redundant steps.

Imple...

👉 Read | Signals | Share!

#MQL5 #MT5 #AITrading
👍3075🎉1👨‍💻1👀1