Echo State Networks for Bitcoin Time Series Prediction
- URL: http://arxiv.org/abs/2508.05416v1
- Date: Thu, 07 Aug 2025 14:08:45 GMT
- Title: Echo State Networks for Bitcoin Time Series Prediction
- Authors: Mansi Sharma, Enrico Sartor, Marc Cavazza, Helmut Prendinger,
- Abstract summary: We show that Echo State Networks (ESNs) can effectively model short-term stock market movements, capturing nonlinear patterns in dynamic data.<n>We also conduct chaos analysis through the Lyapunov exponent in chaotic periods and show that our approach outperforms existing machine learning methods by a significant margin.
- Score: 4.938209986258856
- License: http://creativecommons.org/licenses/by/4.0/
- Abstract: Forecasting stock and cryptocurrency prices is challenging due to high volatility and non-stationarity, influenced by factors like economic changes and market sentiment. Previous research shows that Echo State Networks (ESNs) can effectively model short-term stock market movements, capturing nonlinear patterns in dynamic data. To the best of our knowledge, this work is among the first to explore ESNs for cryptocurrency forecasting, especially during extreme volatility. We also conduct chaos analysis through the Lyapunov exponent in chaotic periods and show that our approach outperforms existing machine learning methods by a significant margin. Our findings are consistent with the Lyapunov exponent analysis, showing that ESNs are robust during chaotic periods and excel under high chaos compared to Boosting and Na\"ive methods.
Related papers
- Ethereum Price Prediction Employing Large Language Models for Short-term and Few-shot Forecasting [13.40649684167945]
This paper presents a study on the effectiveness of Large Language Models (LLMs) in predicting prices for short-term and few-shot forecasting scenarios.<n>We address this by leveraging a novel approach that adapts existing pre-trained LLMs on natural language or images from billions of tokens to the unique characteristics of price time series data.<n>This approach consistently surpasses benchmarks across multiple metrics, including Mean Squared Error (MSE), Mean Absolute Error (MAE), and Root Mean Squared Error (RMSE)
arXiv Detail & Related papers (2025-03-29T19:04:28Z) - FinBERT-BiLSTM: A Deep Learning Model for Predicting Volatile Cryptocurrency Market Prices Using Market Sentiment Dynamics [3.6423651166048874]
We propose a hybrid model that combines Bidirectional Long Short-Term Memory (Bi-LSTM) networks with FinBERT to enhance forecasting accuracy for cryptocurrencies.
This approach fills a key gap in forecasting volatile financial markets by blending advanced time series models with sentiment analysis.
arXiv Detail & Related papers (2024-11-02T14:43:06Z) - An Evaluation of Deep Learning Models for Stock Market Trend Prediction [0.3277163122167433]
This study investigates the efficacy of advanced deep learning models for short-term trend forecasting using daily and hourly closing prices from the S&P 500 index and the Brazilian ETF EWZ.
We introduce the Extended Long Short-Term Memory for Time Series (xLSTM-TS) model, an xLSTM adaptation optimised for time series prediction.
Among the models tested, xLSTM-TS consistently outperformed others. For example, it achieved a test accuracy of 72.82% and an F1 score of 73.16% on the EWZ daily dataset.
arXiv Detail & Related papers (2024-08-22T13:58:55Z) - Cryptocurrency Portfolio Optimization by Neural Networks [81.20955733184398]
This paper proposes an effective algorithm based on neural networks to take advantage of these investment products.
A deep neural network, which outputs the allocation weight of each asset at a time interval, is trained to maximize the Sharpe ratio.
A novel loss term is proposed to regulate the network's bias towards a specific asset, thus enforcing the network to learn an allocation strategy that is close to a minimum variance strategy.
arXiv Detail & Related papers (2023-10-02T12:33:28Z) - Diffusion Variational Autoencoder for Tackling Stochasticity in
Multi-Step Regression Stock Price Prediction [54.21695754082441]
Multi-step stock price prediction over a long-term horizon is crucial for forecasting its volatility.
Current solutions to multi-step stock price prediction are mostly designed for single-step, classification-based predictions.
We combine a deep hierarchical variational-autoencoder (VAE) and diffusion probabilistic techniques to do seq2seq stock prediction.
Our model is shown to outperform state-of-the-art solutions in terms of its prediction accuracy and variance.
arXiv Detail & Related papers (2023-08-18T16:21:15Z) - Learning to Predict Short-Term Volatility with Order Flow Image Representation [0.0]
The paper addresses the challenging problem of predicting the short-term realized volatility of the Bitcoin price using order flow information.
We propose a method that transforms order flow data over a fixed time interval (snapshots) into images.
Images are then used to train both a simple 3-layer Convolutional Neural Network (CNN) and more advanced ResNet-18 and ConvMixer.
arXiv Detail & Related papers (2023-04-04T12:32:25Z) - Design interpretable experience of dynamical feed forward machine
learning model for forecasting NASDAQ [0.0]
The volatility of the stock market and the influence of economic indicators such as crude oil, gold, and the dollar in the stock market, and NASDAQ shares are also affected.
We have examined the effect of oil, dollar, gold, and the volatility of the stock market in the economic market.
Using PCA and Linear Regression algorithm, we have designed an optimal dynamic learning experience for modeling these stocks.
arXiv Detail & Related papers (2022-12-22T21:27:40Z) - Incorporating Interactive Facts for Stock Selection via Neural Recursive
ODEs [30.629948593098273]
We present StockODE, a latent variable model with Gaussian prior.
We design Neural Recursive Ordinary Differential Equation Networks (NRODEs) to capture the temporal evolution of stock volatility.
Experiments conducted on two real-world stock market datasets demonstrate that StockODE significantly outperforms several baselines.
arXiv Detail & Related papers (2022-10-28T06:14:02Z) - Forecasting Bitcoin volatility spikes from whale transactions and
CryptoQuant data using Synthesizer Transformer models [5.88864611435337]
We propose a deep learning Synthesizer Transformer model for forecasting volatility.
Our results show that the model outperforms existing state-of-the-art models.
Our findings underscore that the proposed method is a useful tool for forecasting extreme volatility movements in the Bitcoin market.
arXiv Detail & Related papers (2022-10-06T05:44:29Z) - Bayesian Bilinear Neural Network for Predicting the Mid-price Dynamics
in Limit-Order Book Markets [84.90242084523565]
Traditional time-series econometric methods often appear incapable of capturing the true complexity of the multi-level interactions driving the price dynamics.
By adopting a state-of-the-art second-order optimization algorithm, we train a Bayesian bilinear neural network with temporal attention.
By addressing the use of predictive distributions to analyze errors and uncertainties associated with the estimated parameters and model forecasts, we thoroughly compare our Bayesian model with traditional ML alternatives.
arXiv Detail & Related papers (2022-03-07T18:59:54Z) - Temporal-Relational Hypergraph Tri-Attention Networks for Stock Trend
Prediction [45.74513775015998]
We present a collaborative temporal-relational modeling framework for end-to-end stock trend prediction.
A novel hypergraph tri-attention network (HGTAN) is proposed to augment the hypergraph convolutional networks.
In this manner, HGTAN adaptively determines the importance of nodes, hyperedges, and hypergraphs during the information propagation among stocks.
arXiv Detail & Related papers (2021-07-22T02:16:09Z) - Low-Rank Temporal Attention-Augmented Bilinear Network for financial
time-series forecasting [93.73198973454944]
Deep learning models have led to significant performance improvements in many problems coming from different domains, including prediction problems of financial time-series data.
The Temporal Attention-Augmented Bilinear network was recently proposed as an efficient and high-performing model for Limit Order Book time-series forecasting.
In this paper, we propose a low-rank tensor approximation of the model to further reduce the number of trainable parameters and increase its speed.
arXiv Detail & Related papers (2021-07-05T10:15:23Z) - A Sentiment Analysis Approach to the Prediction of Market Volatility [62.997667081978825]
We have explored the relationship between sentiment extracted from financial news and tweets and FTSE100 movements.
The sentiment captured from news headlines could be used as a signal to predict market returns; the same does not apply for volatility.
We developed an accurate classifier for the prediction of market volatility in response to the arrival of new information.
arXiv Detail & Related papers (2020-12-10T01:15:48Z)
This list is automatically generated from the titles and abstracts of the papers in this site.
This site does not guarantee the quality of this site (including all information) and is not responsible for any consequences.