Hi , some youtube recommendations
Start here : https://www.youtube.com/watch?v=uXt8qF2Zzfo
Then go to this playlist , you can code along with these videos :
Then another revision to fill the gaps left from above :
And finally lessons from the creator himself :
(this playlist may help with the maths)Hi , some youtube recommendations
Start here : https://www.youtube.com/watch?v=uXt8qF2Zzfo
Then go to this playlist , you can code along with these videos :
Then another revision to fill the gaps left from above :
And finally lessons from the creator himself :
(this playlist may help with the maths)Neural Network
Neural Network: discussion/development threads
- Better NN EA development thread with indicators, pdf files and so on.
- Better NN EA final thread
- taking NEURAL NETWORKS to the NEXT LEVEL - very interesting thread
- Neural Networks thread (good public discussion)
- How to build a NN-EA in MT4: usefull thread for developers.
- Radial Basis Network (RBN) - As Fit Filter For Price: the thread
Neural Network: Indicators and systems development
- Self-trained MA cross!: development thread for new generation of the indicators
- Levenberg-Marquardt algorithm: development thread
Neural Network: EAs
- CyberiaTrader EA: discussion thread and EAs' thread.
- Self learning expert thread with EAs' files here.
- Artificial Intelligence EAs threads: How to "teach" and to use the AI ("neuron") EA thread and Artificial Intelligence thread
- Forex_NN_Expert EA and indicator thread.
- SpiNNaker - A Neural Network EA thread.
Neural Network: The Books
- What to read and where to learn about Machine Learning (10 free books) - the post.
The article
- Neural Networks Made Easy - MT5
- Neural Network in Practice: Pseudoinverse (I) - MT5
- Neural Network in Practice: Least Squares - MT5
- Neural Network in Practice: Pseudoinverse (II) - MT5
- Neural Network in Practice: The First Neuron - MT5
- ALGLIB numerical analysis library in MQL5 - MT5
- Data Science and Machine Learning — Neural Network (Part 01): Feed Forward Neural Network demystified - MT5
- Data Science and Machine Learning — Neural Network (Part 02): Feed forward NN Architectures Design - MT5
- Data Science and Machine Learning (Part 03): Matrix Regressions - MT5
- Data Science and Machine Learning (Part 04): Predicting Current Stock Market Crash - MT5
- Data Science and Machine Learning (Part 05): Decision Trees - MT5
- Data Science and Machine Learning (Part 06): Gradient Descent - MT5
- Data Science and Machine Learning (Part 07): Polynomial Regression - MT5
- Data Science and Machine Learning (Part 08): K-Means Clustering in plain MQL5 - MT5
- Data Science and Machine Learning (Part 09) : The K-Nearest Neighbors Algorithm (KNN) - MT5
- Data Science and Machine Learning (Part 10): Ridge Regression - MT5
- Data Science and Machine Learning (Part 11): Naïve Bayes, Probability theory in Trading - MT5
- Data Science and Machine Learning (Part 12): Can Self-Training Neural Networks Help You Outsmart the Stock Market? - MT5
- Data Science and Machine Learning (Part 13): Improve your financial market analysis with Principal Component Analysis (PCA) - MT5
- Data Science and Machine Learning (Part 14): Finding Your Way in the Markets with Kohonen Maps - MT5
- Data Science and Machine Learning (Part 15): SVM, A Must-Have Tool in Every Trader's Toolbox - MT5
- Data Science and Machine Learning (Part 16): A Refreshing Look at Decision Trees - MT5
- Data Science and Machine Learning (Part 17): Money in the Trees? The Art and Science of Random Forests in Forex Trading - MT5
- Data Science and Machine Learning (Part 18): The battle of Mastering Market Complexity, Truncated SVD Versus NMF - MT5
- Data Science and Machine Learning (Part 19): Supercharge Your AI models with AdaBoost - MT5
- Data Science and Machine Learning (Part 20) : Algorithmic Trading Insights, A Faceoff Between LDA and PCA in MQL5 - MT5
- Data Science and Machine Learning (Part 21): Unlocking Neural Networks, Optimization algorithms demystified - MT5
- Data Science and ML (Part 22): Leveraging Autoencoders Neural Networks for Smarter Trades by Moving from Noise to Signal - MT5
- Data Science and ML (Part 23): Why LightGBM and XGBoost outperform a lot of AI models? - MT5
- Data Science and Machine Learning (Part 24): Forex Time series Forecasting Using Regular AI Models - MT5
- Data Science and Machine Learning (Part 25): Forex Timeseries Forecasting Using a Recurrent Neural Network (RNN) - MT5
- Data Science and ML (Part 26): The Ultimate Battle in Time Series Forecasting — LSTM vs GRU Neural Networks - MT5
- Data Science and ML (Part 27): Convolutional Neural Networks (CNNs) in MetaTrader 5 Trading Bots — Are They Worth It? - MT5
- Data Science and ML (Part 28): Predicting Multiple Futures for EURUSD, Using AI - MT5
- Data Science and ML (Part 29): Essential Tips for Selecting the Best Forex Data for AI Training Purposes - MT5
- Data Science and ML(Part 30): The Power Couple for Predicting the Stock Market, Convolutional Neural Networks(CNNs) and Recurrent Neural Networks(RNNs) - MT5
- Data Science and ML (Part 31): Using CatBoost AI Models for Trading - MT5
- Data Science and ML (Part 32): Keeping your AI models updated, Online Learning - MT5
- Data Science and ML (Part 33): Pandas Dataframe in MQL5, Data Collection for ML Usage made easier - MT5
- Data Science and ML (Part 34): Time series decomposition, Breaking the stock market down to the core - MT5
- Data Science and ML (Part 35): NumPy in MQL5 – The Art of Making Complex Algorithms with Less Code - MT5
- Data Science and ML (Part 36): Dealing with Biased Financial Markets - MT5
- Data Science and ML (Part 37): Using Candlestick patterns and AI to beat the market - MT5
- Data Science and ML (Part 38): AI Transfer Learning in Forex Markets - MT5
- Experiments with neural networks (Part 1): Revisiting geometry - MT5
- Experiments with neural networks (Part 2): Smart neural network optimization - MT5
- Experiments with neural networks (Part 3): Practical application - MT5
- Experiments with neural networks (Part 4): Templates - MT5
- Experiments with neural networks (Part 5): Normalizing inputs for passing to a neural network - MT5
- Experiments with neural networks (Part 6): Perceptron as a self-sufficient tool for price forecast - MT5
- Experiments with neural networks (Part 7): Passing indicators - MT5
- Programming a Deep Neural Network from Scratch using MQL Language - MT5
- Neural networks made easy (Part 2): Network training and testing - MT5
- Machine learning in Grid and Martingale trading systems. Would you bet on it? - MT5
- Neural networks made easy (Part 3): Convolutional networks - MT5
- Neural networks made easy (Part 4): Recurrent networks - MT5
- Neural networks made easy (Part 5): Multithreaded calculations in OpenCL - MT5
- Neural networks made easy (Part 6): Experimenting with the neural network learning rate - MT5
- Neural networks made easy (Part 7): Adaptive optimization methods - MT5
- Neural networks made easy (Part 8): Attention mechanisms - MT5
- Neural networks made easy (Part 9): Documenting the work - MT5
- Neural networks made easy (Part 10): Multi-Head Attention - MT5
- Neural networks made easy (Part 11): A take on GPT - MT5
- Neural networks made easy (Part 12): Dropout - MT5
- Neural networks made easy (Part 13): Batch Normalization - MT5
- Neural networks made easy (Part 14): Data clustering - MT5
- Neural networks made easy (Part 15): Data clustering using MQL5 - MT5
- Neural networks made easy (Part 16): Practical use of clustering - MT5
- Neural networks made easy (Part 17): Dimensionality reduction - MT5
- Neural networks made easy (Part 18): Association rules - MT5
- Neural networks made easy (Part 19): Association rules using MQL5 - MT5
- Neural networks made easy (Part 20): Autoencoders - MT5
- Neural networks made easy (Part 21): Variational autoencoders (VAE) - MT5
- Neural networks made easy (Part 22): Unsupervised learning of recurrent models - MT5
- Neural networks made easy (Part 23): Building a tool for Transfer Learning - MT5
- Neural networks made easy (Part 24): Improving the tool for Transfer Learning - MT5
- Neural networks made easy (Part 25): Practicing Transfer Learning - MT5
- Neural networks made easy (Part 26): Reinforcement Learning - MT5
- Neural networks made easy (Part 27): Deep Q-Learning (DQN) - MT5
- Neural networks made easy (Part 28): Policy gradient algorithm - MT5
- Neural networks made easy (Part 29): Advantage Actor-Critic algorithm - MT5
- Neural networks made easy (Part 30): Genetic algorithms - MT5
- Neural networks made easy (Part 31): Evolutionary algorithms - MT5
- Neural networks made easy (Part 32): Distributed Q-Learning - MT5
- Neural networks made easy (Part 33): Quantile regression in distributed Q-learning - MT5
- Neural networks made easy (Part 34): Fully Parameterized Quantile Function - MT5
- Neural networks made easy (Part 35): Intrinsic Curiosity Module - MT5
- Neural networks made easy (Part 36): Relational Reinforcement Learning - MT5
- Neural networks made easy (Part 37): Sparse Attention - MT5
- Neural networks made easy (Part 38): Self-Supervised Exploration via Disagreement - MT5
- Neural networks made easy (Part 39): Go-Explore, a different approach to exploration - MT5
- Neural networks made easy (Part 40): Using Go-Explore on large amounts of data - MT5
- Neural networks made easy (Part 41): Hierarchical models - MT5
- Neural networks made easy (Part 42): Model procrastination, reasons and solutions - MT5
- Neural networks made easy (Part 43): Mastering skills without the reward function - MT5
- Neural networks made easy (Part 44): Learning skills with dynamics in mind - MT5
- Neural networks made easy (Part 45): Training state exploration skills - MT5
- Neural networks made easy (Part 46): Goal-conditioned reinforcement learning (GCRL) - MT5
- Neural networks made easy (Part 47): Continuous action space - MT5
- Neural networks made easy (Part 48): Methods for reducing overestimation of Q-function values - MT5
- Neural networks made easy (Part 49): Soft Actor-Critic - MT5
- Neural networks made easy (Part 50): Soft Actor-Critic (model optimization) - MT5
- Neural networks made easy (Part 51): Behavior-Guided Actor-Critic (BAC) - MT5
- Neural networks made easy (Part 52): Research with optimism and distribution correction - MT5
- Neural networks made easy (Part 53): Reward decomposition - MT5
- Neural networks made easy (Part 54): Using random encoder for efficient research (RE3) - MT5
- Neural networks made easy (Part 55): Contrastive intrinsic control (CIC) - MT5
- Neural networks made easy (Part 56): Using nuclear norm to drive research - MT5
- Neural networks made easy (Part 57): Stochastic Marginal Actor-Critic (SMAC) - MT5
- Neural networks made easy (Part 58): Decision Transformer (DT) - MT5
- Neural networks are easy (Part 59): Dichotomy of Control (DoC) - MT5
- Neural networks made easy (Part 60): Online Decision Transformer (ODT) - MT5
- Neural networks made easy (Part 61): Optimism issue in offline reinforcement learning - MT5
- Neural networks made easy (Part 62): Using Decision Transformer in hierarchical models - MT5
- Neural networks made easy (Part 63): Unsupervised Pretraining for Decision Transformer (PDT) - MT5
- Neural networks made easy (Part 64): ConserWeightive Behavioral Cloning (CWBC) method - MT5
- Neural networks made easy (Part 65): Distance Weighted Supervised Learning (DWSL) - MT5
- Neural networks made easy (Part 66): Exploration problems in offline learning - MT5
- Neural networks made easy (Part 67): Using past experience to solve new tasks - MT5
- Neural networks made easy (Part 68): Offline Preference-guided Policy Optimization - MT5
- Neural networks made easy (Part 69): Density-based support constraint for the behavioral policy (SPOT) - MT5
- Neural networks made easy (Part 70): Closed-Form Policy Improvement Operators (CFPI) - MT5
- Neural networks made easy (Part 71): Goal-Conditioned Predictive Coding GCPC) - MT5
- Neural networks made easy (Part 72): Trajectory prediction in noisy environments - MT5
- Neural networks made easy (Part 73): AutoBots for predicting price movements - MT5
- Neural networks made easy (Part 74): Trajectory prediction with adaptation - MT5
- Neural networks made easy (Part 75): Improving the performance of trajectory prediction models - MT5
- Neural networks made easy (Part 76): Exploring diverse interaction patterns with Multi-future Transformer - MT5
- Neural networks made easy (Part 77): Cross-Covariance Transformer (XCiT) - MT5
- Neural networks made easy (Part 78): Decoder-free Object Detector with Transformer (DFFT) - MT5
- Neural networks made easy (Part 79): Feature Aggregated Queries (FAQ) in the context of state - MT5
- Neural networks made easy (Part 80): Graph Transformer Generative Adversarial Model (GTGAN) - MT5
- Neural Networks Made Easy (Part 81): Context-Guided Motion Analysis (CCMR) - MT5
- Neural networks made easy (Part 82): Ordinary Differential Equation models (NeuralODE) - MT5
- Neural Networks Made Easy (Part 83): The "Conformer" Spatio-Temporal Continuous Attention Transformer Algorithm - MT5
- Neural Networks Made Easy (Part 84): Reversible Normalization (RevIN) - MT5
- Neural Networks Made Easy (Part 85): Multivariate Time Series Forecasting - MT5
- Neural Networks Made Easy (Part 86): U-Shaped Transformer - MT5
- Neural Networks Made Easy (Part 87): Time Series Patching - MT5
- Neural Networks Made Easy (Part 88): Time-Series Dense Encoder (TiDE) - MT5
- Neural networks made easy (Part 89): Frequency Enhanced Decomposition Transformer (FEDformer) - MT5
- Neural Networks Made Easy (Part 90): Frequency Interpolation of Time Series (FITS) - MT5
- Neural Networks Made Easy (Part 91): Frequency Domain Forecasting (FreDF) - MT5
- Neural Networks Made Easy (Part 92): Adaptive Forecasting in Frequency and Time Domains - MT5
- Neural Networks Made Easy (Part 93): Adaptive Forecasting in Frequency and Time Domains (Final Part) - MT5
- Neural Networks Made Easy (Part 94): Optimizing the Input Sequence - MT5
- Neural Networks Made Easy (Part 95): Reducing Memory Consumption in Transformer Models - MT5
- Neural Networks Made Easy (Part 96): Multi-Scale Feature Extraction (MSFformer) - MT5
- Neural Networks Made Easy (Part 97): Training Models With MSFformer - MT5
- Developing a self-adapting algorithm (Part I): Finding a basic pattern - MT5
- Developing a self-adapting algorithm (Part II): Improving efficiency - MT5
- Self-adapting algorithm (Part III): Abandoning optimization - MT5
- Deep neural network with Stacked RBM. Self-training, self-control - MT4
- Practical application of neural networks in trading - MT5
- Practical application of neural networks in trading. Python (Part I) - MT5
- Practical application of neural networks in trading (Part 2). Computer vision - MT5
- Neural Networks in Trading: Piecewise Linear Representation of Time Series - MT5
- Neural Networks in Trading: Dual-Attention-Based Trend Prediction Model - MT5
- Neural Networks in Trading: Lightweight Models for Time Series Forecasting - MT5
- Neural Networks in Trading: Using Language Models for Time Series Forecasting - MT5
- Neural Networks in Trading: Practical Results of the TEMPO Method - MT5
- Neural Networks in Trading: A Complex Trajectory Prediction Method (Traj-LLM) - MT5
- Neural Networks in Trading: Unified Trajectory Generation Model (UniTraj) - MT5
- Neural Networks in Trading: Hierarchical Vector Transformer (HiVT) - MT5
- Neural Networks in Trading: Hierarchical Vector Transformer (Final Part) - MT5
- Neural Networks in Trading: Hierarchical Feature Learning for Point Clouds - MT5
- Neural Networks in Trading: Point Cloud Analysis (PointNet) - MT5
- Neural Networks in Trading: Transformer for the Point Cloud (Pointformer) - MT5
- Neural Networks in Trading: Scene-Aware Object Detection (HyperDet3D) - MT5
- Neural Networks in Trading: Exploring the Local Structure of Data - MT5
- Neural Networks in Trading: Superpoint Transformer (SPFormer) - MT5
- Connecting NeuroSolutions Neuronets - MT5
- Using Neural Networks In MetaTrader - MT4
- Price Forecasting Using Neural Networks - MT4
- Recipes for Neuronets - MT4
- Third Generation Neural Networks: Deep Networks - MT5
- Neural Networks Cheap and Cheerful - Link NeuroPro with MetaTrader 5 - MT5
- Creating Neural Network EAs Using MQL5 Wizard and Hlaiman EA Generator - MT5
- Neural network: Self-optimizing Expert Advisor - MT5
- Neural Networks: From Theory to Practice - MT5
- Using MetaTrader 5 Indicators with ENCOG Machine Learning Framework for Timeseries Prediction - MT5
- Using Self-Organizing Feature Maps (Kohonen Maps) in MetaTrader 5 - MT5
- Deep Neural Networks (Part I). Preparing Data - MT5
- Deep Neural Networks (Part II). Working out and selecting predictors - MT5
- Mastering Model Interpretation: Gaining Deeper Insight From Your Machine Learning Models - MT5
CodeBase
- Next price predictor using Neural Network - indicator for MetaTrader 4
- Easy Neural Network - library for MetaTrader 5
- LGLIB - Numerical Analysis Library - library for MetaTrader 4
- ALGLIB - Numerical Analysis Library - library for MetaTrader 5
- MTS Neural network plus MACD - expert for MetaTrader 4
- ArtificialIntelligence_Right - expert for MetaTrader 4
- NeuroNirvamanEA - expert for MetaTrader 4
- Create your own neural network predictor easily (example: MA and RSI Predictors) - indicator for MetaTrader 4
- Automated Trading System "Сombo" - expert for MetaTrader 4
- MTC Neural network plus MACD - expert for MetaTrader 5
- Bollinger Band Width calculation with Neural Network using - expert for MetaTrader 5
- PNN Neural Network Class - library for MetaTrader 5
- GRNN Neural Network Class - library for MetaTrader 5
- RBF Neural Network Class - library for MetaTrader 5
- MLP Neural Network Class - library for MetaTrader 5
- Artificial Intelligence - expert for MetaTrader 5

- www.mql5.com
Mastering Model Interpretation: Gaining Deeper Insight From Your Machine Learning Models

- www.mql5.com
Building a neural network-based Expert Advisor (EA) for trading involves several steps and requires specific tools and programming skills.
Clearly define your trading strategy. Determine what inputs (indicators, market data) the neural network will use and what outputs (buy/sell signals) it should produce.
Collect historical market data relevant to your strategy. This data will be used for training and testing the neural network.
Most commonly, neural network-based EAs are programmed in languages like Python (using libraries like TensorFlow, PyTorch, or Keras) or MQL4/MQL5 (MetaQuotes Language for MT4/MT5 platforms).
If you are using Python, choose a suitable deep learning framework (TensorFlow, PyTorch, or Keras) based on your familiarity and the specific requirements of your project.
Prepare your data for training. This involves cleaning, normalizing, and possibly transforming the data to feed into the neural network.
Design the architecture of your neural network, this involves deciding on the number of layers, types of neurons (e.g., LSTM for sequential data), activation functions, etc.
Split your data into training, validation, and test sets. Train the neural network using the training set and validate its performance using the validation set.
Optimize hyperparameters (e.g., learning rate, batch size) to improve the neural network’s performance.
You can integrate with platform.
If using MQL4/MQL5, integrate the trained neural network model into an Expert Advisor. This involves coding in the MetaEditor IDE provided by MetaTrader.
Backtest your EA using historical market data to evaluate its performance. Refine parameters and architecture as needed to improve results.
Test your EA in a simulated trading environment with live market data (forward testing) to ensure its reliability and effectiveness.
In my opinion, NN's are not that great, and you can build a decent expert by only using MQL5
Forum on trading, automated trading systems and testing trading strategies
Sergey Golubev, 2024.12.13 08:30
Neural Network in Practice: Pseudoinverse (I)

- Free trading apps
- Over 8,000 signals for copying
- Economic news for exploring financial markets
You agree to website policy and terms of use