On Technical Trading and Social Media Indicators in Cryptocurrencies'
Price Classification Through Deep Learning
- URL: http://arxiv.org/abs/2102.08189v2
- Date: Wed, 17 Feb 2021 07:00:59 GMT
- Title: On Technical Trading and Social Media Indicators in Cryptocurrencies'
Price Classification Through Deep Learning
- Authors: Marco Ortu, Nicola Uras, Claudio Conversano, Giuseppe Destefanis,
Silvia Bartolucci
- Abstract summary: This work aims to analyse the predictability of price movements of cryptocurrencies on both hourly and daily data observed from January 2017 to January 2021.
For our experiments, we used three sets of features: technical, trading and social media indicators, considering a restricted model of only technical indicators and an unrestricted model with technical, trading and social media indicators.
The study shows that, based on the hourly frequency results, the unrestricted model outperforms the restricted one.
- Score: 7.7172142175424066
- License: http://creativecommons.org/licenses/by/4.0/
- Abstract: This work aims to analyse the predictability of price movements of
cryptocurrencies on both hourly and daily data observed from January 2017 to
January 2021, using deep learning algorithms. For our experiments, we used
three sets of features: technical, trading and social media indicators,
considering a restricted model of only technical indicators and an unrestricted
model with technical, trading and social media indicators. We verified whether
the consideration of trading and social media indicators, along with the
classic technical variables (such as price's returns), leads to a significative
improvement in the prediction of cryptocurrencies price's changes. We conducted
the study on the two highest cryptocurrencies in volume and value (at the time
of the study): Bitcoin and Ethereum. We implemented four different machine
learning algorithms typically used in time-series classification problems:
Multi Layers Perceptron (MLP), Convolutional Neural Network (CNN), Long Short
Term Memory (LSTM) neural network and Attention Long Short Term Memory (ALSTM).
We devised the experiments using the advanced bootstrap technique to consider
the variance problem on test samples, which allowed us to evaluate a more
reliable estimate of the model's performance. Furthermore, the Grid Search
technique was used to find the best hyperparameters values for each implemented
algorithm. The study shows that, based on the hourly frequency results, the
unrestricted model outperforms the restricted one. The addition of the trading
indicators to the classic technical indicators improves the accuracy of Bitcoin
and Ethereum price's changes prediction, with an increase of accuracy from a
range of 51-55% for the restricted model, to 67-84% for the unrestricted model.
Related papers
- Predicting Bitcoin Market Trends with Enhanced Technical Indicator Integration and Classification Models [6.39158540499473]
This study presents a machine learning model based on classification to forecast the direction of the cryptocurrency market.
It is trained using historical data and important technical indicators such as the Moving Average Convergence Divergence, the Relative Strength Index, and Bollinger Bands.
The results show a buy/sell signal accuracy of over 92%.
arXiv Detail & Related papers (2024-10-09T14:29:50Z) - A Comprehensive Analysis of Machine Learning Models for Algorithmic Trading of Bitcoin [0.3069335774032178]
This study evaluates the performance of 41 machine learning models, including 21 classifiers and 20 regressors, in predicting Bitcoin prices for algorithmic trading.
Our comprehensive analysis reveals the strengths and limitations of each model, providing critical insights for developing effective trading strategies.
arXiv Detail & Related papers (2024-07-09T13:07:43Z) - Review of deep learning models for crypto price prediction: implementation and evaluation [5.240745112593501]
We review the literature about deep learning for cryptocurrency price forecasting and evaluate novel deep learning models for cryptocurrency stock price prediction.
Our deep learning models include variants of long short-term memory (LSTM) recurrent neural networks, variants of convolutional neural networks (CNNs) and the Transformer model.
We also carry out volatility analysis on the four cryptocurrencies which reveals significant fluctuations in their prices throughout the COVID-19 pandemic.
arXiv Detail & Related papers (2024-05-19T03:15:27Z) - Deep Learning and NLP in Cryptocurrency Forecasting: Integrating Financial, Blockchain, and Social Media Data [3.6390165502400875]
We introduce novel approaches to cryptocurrency price forecasting, leveraging Machine Learning (ML) and Natural Language Processing (NLP) techniques.
By analysing news and social media content, we assess the impact of public sentiment on cryptocurrency markets.
arXiv Detail & Related papers (2023-11-23T16:14:44Z) - 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) - DeepVol: Volatility Forecasting from High-Frequency Data with Dilated Causal Convolutions [53.37679435230207]
We propose DeepVol, a model based on Dilated Causal Convolutions that uses high-frequency data to forecast day-ahead volatility.
Our empirical results suggest that the proposed deep learning-based approach effectively learns global features from high-frequency data.
arXiv Detail & Related papers (2022-09-23T16:13:47Z) - Augmented Bilinear Network for Incremental Multi-Stock Time-Series
Classification [83.23129279407271]
We propose a method to efficiently retain the knowledge available in a neural network pre-trained on a set of securities.
In our method, the prior knowledge encoded in a pre-trained neural network is maintained by keeping existing connections fixed.
This knowledge is adjusted for the new securities by a set of augmented connections, which are optimized using the new data.
arXiv Detail & Related papers (2022-07-23T18:54:10Z) - 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) - Evaluating data augmentation for financial time series classification [85.38479579398525]
We evaluate several augmentation methods applied to stocks datasets using two state-of-the-art deep learning models.
For a relatively small dataset augmentation methods achieve up to $400%$ improvement in risk adjusted return performance.
For a larger stock dataset augmentation methods achieve up to $40%$ improvement.
arXiv Detail & Related papers (2020-10-28T17:53:57Z) - Real-Time Prediction of BITCOIN Price using Machine Learning Techniques
and Public Sentiment Analysis [0.0]
The objective of this paper is to determine the predictable price direction of Bitcoin in USD by machine learning techniques and sentiment analysis.
Twitter and Reddit have attracted a great deal of attention from researchers to study public sentiment.
We have applied sentiment analysis and supervised machine learning principles to the extracted tweets from Twitter and Reddit posts.
arXiv Detail & Related papers (2020-06-18T15:40:11Z) - Deep Stock Predictions [58.720142291102135]
We consider the design of a trading strategy that performs portfolio optimization using Long Short Term Memory (LSTM) neural networks.
We then customize the loss function used to train the LSTM to increase the profit earned.
We find the LSTM model with the customized loss function to have an improved performance in the training bot over a regressive baseline such as ARIMA.
arXiv Detail & Related papers (2020-06-08T23:37:47Z)
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.