Blockchain Transaction Fee Forecasting: A Comparison of Machine Learning
Methods
- URL: http://arxiv.org/abs/2305.08105v1
- Date: Sun, 14 May 2023 08:51:44 GMT
- Title: Blockchain Transaction Fee Forecasting: A Comparison of Machine Learning
Methods
- Authors: Conall Butler and Martin Crane
- Abstract summary: This paper provides an update on work previous to 2019 on the link between EthUSD BitUSD and gas price.
For forecasting, we compare a novel combination of machine learning methods such as Direct Recursive Hybrid LSTM, CNNLSTM, and Attention LSTM.
- Score: 0.0
- License: http://creativecommons.org/licenses/by/4.0/
- Abstract: Gas is the transaction-fee metering system of the Ethereum network. Users of
the network are required to select a gas price for submission with their
transaction, creating a risk of overpaying or delayed/unprocessed transactions
in this selection. In this work, we investigate data in the aftermath of the
London Hard Fork and shed insight into the transaction dynamics of the net-work
after this major fork. As such, this paper provides an update on work previous
to 2019 on the link between EthUSD BitUSD and gas price. For forecasting, we
compare a novel combination of machine learning methods such as Direct
Recursive Hybrid LSTM, CNNLSTM, and Attention LSTM. These are combined with
wavelet threshold denoising and matrix profile data processing toward the
forecasting of block minimum gas price, on a 5-min timescale, over multiple
lookaheads. As the first application of the matrix profile being applied to gas
price data and forecasting we are aware of, this study demonstrates that matrix
profile data can enhance attention-based models however, given the hardware
constraints, hybrid models outperformed attention and CNNLSTM models. The
wavelet coherence of inputs demonstrates correlation in multiple variables on a
1 day timescale, which is a deviation of base free from gas price. A
Direct-Recursive Hybrid LSTM strategy outperforms other models. Hybrid models
have favourable performance up to a 20 min lookahead with performance being
comparable to attention models when forecasting 25/50-min ahead. Forecasts over
a range of lookaheads allow users to make an informed decision on gas price
selection and the optimal window to submit their transaction in without fear of
their transaction being rejected. This, in turn, gives more detailed insight
into gas price dynamics than existing recommenders, oracles and forecasting
approaches, which provide simple heuristics or limited lookahead horizons.
Related papers
- Carbon price fluctuation prediction using blockchain information A new hybrid machine learning approach [2.0387986050706326]
This study integrates DILATED Convolutional Neural Networks (CNN) and Long Short-Term Memory (LSTM) neural network algorithm.
Since norm penalty as regularization, Ridge Regression (RR) as L2 regularization is better than Smoothly Clipped Absolute Deviation Penalty (SCAD) as L1 regularization in price forecasting.
arXiv Detail & Related papers (2024-11-05T01:12:17Z) - F-FOMAML: GNN-Enhanced Meta-Learning for Peak Period Demand Forecasting with Proxy Data [65.6499834212641]
We formulate the demand prediction as a meta-learning problem and develop the Feature-based First-Order Model-Agnostic Meta-Learning (F-FOMAML) algorithm.
By considering domain similarities through task-specific metadata, our model improved generalization, where the excess risk decreases as the number of training tasks increases.
Compared to existing state-of-the-art models, our method demonstrates a notable improvement in demand prediction accuracy, reducing the Mean Absolute Error by 26.24% on an internal vending machine dataset and by 1.04% on the publicly accessible JD.com dataset.
arXiv Detail & Related papers (2024-06-23T21:28:50Z) - Towards Robust and Efficient Cloud-Edge Elastic Model Adaptation via Selective Entropy Distillation [56.79064699832383]
We establish a Cloud-Edge Elastic Model Adaptation (CEMA) paradigm in which the edge models only need to perform forward propagation.
In our CEMA, to reduce the communication burden, we devise two criteria to exclude unnecessary samples from uploading to the cloud.
arXiv Detail & Related papers (2024-02-27T08:47:19Z) - ResNLS: An Improved Model for Stock Price Forecasting [1.2039469573641217]
We introduce a hybrid model that improves stock price prediction by emphasizing the dependencies between adjacent stock prices.
In predicting the SSE Composite Index, our experiment reveals that when the closing price data for the previous 5 consecutive trading days is used as the input, the performance of the model (ResNLS-5) is optimal.
It also demonstrates at least a 20% improvement over the current state-of-the-art baselines.
arXiv Detail & Related papers (2023-12-02T03:55:37Z) - 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) - Personalized Federated Learning under Mixture of Distributions [98.25444470990107]
We propose a novel approach to Personalized Federated Learning (PFL), which utilizes Gaussian mixture models (GMM) to fit the input data distributions across diverse clients.
FedGMM possesses an additional advantage of adapting to new clients with minimal overhead, and it also enables uncertainty quantification.
Empirical evaluations on synthetic and benchmark datasets demonstrate the superior performance of our method in both PFL classification and novel sample detection.
arXiv Detail & Related papers (2023-05-01T20:04:46Z) - Transformers meet Stochastic Block Models: Attention with Data-Adaptive
Sparsity and Cost [53.746169882193456]
Recent works have proposed various sparse attention modules to overcome the quadratic cost of self-attention.
We propose a model that resolves both problems by endowing each attention head with a mixed-membership Block Model.
Our model outperforms previous efficient variants as well as the original Transformer with full attention.
arXiv Detail & Related papers (2022-10-27T15:30:52Z) - Predictive Accuracy of a Hybrid Generalized Long Memory Model for Short
Term Electricity Price Forecasting [0.0]
This study investigates the predictive performance of a new hybrid model based on the Generalized long memory autoregressive model (k-factor GARMA)
The performance of the proposed model is evaluated using data from Nord Pool Electricity markets.
arXiv Detail & Related papers (2022-04-18T12:21:25Z) - Deep Learning Approaches for Forecasting Strawberry Yields and Prices
Using Satellite Images and Station-Based Soil Parameters [2.3513645401551333]
We propose here an alternate approach based on deep learning algorithms for forecasting strawberry yields and prices in Santa Barbara county, California.
Building the proposed forecasting model comprises three stages: first, the station-based ensemble model (ATT-CNN-LSTM-SeriesNet_Ens) with its compound deep learning components.
Second, the remote sensing ensemble model (SIM_CNN-LSTM_Ens) is trained and tested using satellite images of the same county as input mapped to the same yields and prices as output.
Third, the forecasts of these two models are ensembled to have a final forecasted value
arXiv Detail & Related papers (2021-02-17T20:54:34Z) - 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) - Ensemble Forecasting for Intraday Electricity Prices: Simulating
Trajectories [0.0]
Recent studies have shown that the hourly German Intraday Continuous Market is weak-form efficient.
A probabilistic forecasting of the hourly intraday electricity prices is performed by simulating trajectories in every trading window.
The study aims to forecast the price distribution in the German Intraday Continuous Market in the last 3 hours of trading, but the approach allows for application to other continuous markets, especially in Europe.
arXiv Detail & Related papers (2020-05-04T10:21:20Z)
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.