Machine Learning and Deep Learning Algorithm Trading, CNN for Satellite Imagery and Object Recognition

Introduction

This course will cover the concepts of algorithmic trading based on machine learning and deep learning, as well as an understanding of Convolutional Neural Networks (CNN) in the processing of satellite images, and how to develop practical trading strategies using these technologies. Due to the complexity of modern financial markets and the vast amount of data, machine learning and deep learning techniques have become essential, and particularly, object recognition technology using satellite images is very helpful in creating new investment opportunities.

Basics of Machine Learning

Machine learning is an algorithm that learns patterns from data and makes predictions based on this learning. It is generally divided into classification and regression problems, and different methods are used to learn data depending on the characteristics of the algorithm. When applying machine learning in the stock market, the goal is to support investors’ decision-making and maximize profits through stock price predictions.

Introduction to Key Algorithms

  • Linear Regression: Modeling the linear relationship between input and output variables.
  • Logistic Regression: Used to solve binary classification problems.
  • Decision Tree: Classifies data through a tree structure.
  • Support Vector Machine: Finds the optimal boundary that separates the data.
  • Random Forest: Combines multiple decision trees to improve prediction performance.

Basics of Deep Learning

Deep learning is a field of machine learning that utilizes artificial neural networks to process data through multiple layers of neurons. The main advantage of deep learning is its ability to perform non-linear transformations effectively. In the stock market, deep learning is effective in learning complex patterns from high-dimensional data.

Convolutional Neural Networks (CNN)

Convolutional Neural Networks (CNN) are deep learning models primarily used for image processing, optimized for capturing spatial hierarchical structures. CNNs excel at automatically extracting features from images, demonstrating strong performance in areas like satellite image processing.

Satellite Images and Object Recognition

Satellite images refer to images captured by satellites used to photograph the Earth’s surface. Such images are utilized in various fields, including agriculture, forestry, and urban planning. Object recognition refers to the process of identifying and classifying specific objects within an image. CNNs can enhance the performance of this object recognition.

Structure of CNN

CNNs consist of the following key layers:

  • Convolutional Layer: Applies filters to the input image to create feature maps.
  • Pooling Layer: Reduces the size of the feature maps to decrease computational load and emphasize important features.
  • Fully Connected Layer: The final layer for classifying the classes, with a softmax function used at the end.

Application of Machine Learning and Deep Learning in Trading

To apply machine learning and deep learning algorithms in trading, the process of data collection and processing is crucial. It is necessary to combine stock price data, satellite images, and other features to train the model.

Data Collection

Data necessary for trading can be collected from various sources. Stock price data is freely available from sources like Yahoo Finance API, Alpha Vantage API, and satellite images can be accessed from platforms like Google Earth Engine and Sentinel Hub.

Data Processing

Once the data is prepared, preprocessing it is critical. Handling missing values, normalizing, and standardizing the data can improve the model’s performance. Additionally, feature selection techniques can be employed to select only the important features, reducing the model’s complexity.

Model Training and Evaluation

After splitting the data into training and evaluation sets and training the model, the performance is measured using the evaluation data. This helps to prevent overfitting and improves the model’s generalization performance.

Model Performance Metrics

  • Accuracy: Overall accuracy of predictions.
  • Precision: The ratio of actual positives among the positive predictions.
  • Recall: The ratio of positive predictions among actual positives.

Case Studies

Now, let’s examine successful cases of algorithmic trading using machine learning and deep learning. Many hedge funds and financial institutions have adopted AI-based trading systems and reported positive results. For instance, Bill Gross’s PIMCO has used machine learning to predict interest rate fluctuations and improve portfolio performance.

Agricultural Investment Based on Satellite Images

By analyzing agricultural data using satellite images, it is possible to predict climate change and yield variations, helping to make investment decisions concerning agricultural stocks. CNNs can be used to identify crop types and assess the production potential of specific areas.

Conclusion

Machine learning and deep learning have brought innovative changes to algorithmic trading. In particular, object recognition technology based on satellite images offers new investment opportunities and opens possibilities for the integration of data science and finance. Based on the knowledge gained in this course, we hope you develop real trading strategies and achieve success.

References

  • Russell, A. (2020). Machine Learning for Asset Managers. Springer.
  • Goodfellow, I., Bengio, Y., & Courville, A. (2016). Deep Learning. MIT Press.
  • 衛星データが変える未来の投資 (Satellite Data Changes the Future of Investment). (2021). Translated by Author. Kyoto University Press.

Machine Learning and Deep Learning Algorithm Trading, Bivariate and Multivariate Factor Evaluation

The amount of data in modern financial markets is increasing exponentially, making it increasingly important to develop effective algorithmic trading strategies. By leveraging machine learning and deep learning technologies, it is possible to analyze and learn from large amounts of data to enhance predictive power. This article will explain the basic concepts of algorithmic trading using machine learning and deep learning, as well as univariate and multivariate factor evaluation.

1. Basics of Algorithmic Trading

Algorithmic trading is a method of trading that automatically executes transactions based on rules programmed into a computer system for various financial products such as stocks, forex, and cryptocurrencies. In this process, market patterns can be analyzed and predicted using machine learning and deep learning algorithms.

1.1 Advantages of Algorithmic Trading

  • Accurate Data Analysis: Processing large amounts of data leads to reliable analytical results.
  • Emotion Exclusion: Human emotions are not involved, allowing for more consistent trading strategies.
  • Fast Execution: Immediate response to market fluctuations ensures that trading opportunities are not missed.

2. Basics of Machine Learning and Deep Learning

Machine learning is a field of computer science that learns patterns from data and makes predictions. Deep learning, a subset of machine learning, performs more complex data analysis using artificial neural networks.

2.1 Types of Machine Learning Algorithms

  • Linear Regression: Used to predict continuous values.
  • Logistic Regression: An algorithm for solving binary classification problems.
  • Decision Trees: Predictive models used for classification and regression tasks.
  • Support Vector Machines (SVM): Demonstrates strong performance in classification tasks with high-dimensional data.
  • Random Forest: Enhances predictive power by combining multiple decision trees.

2.2 Basic Concepts of Deep Learning

Deep learning is a technology that learns high-level features from data through multiple layers of artificial neural networks. The following are key elements of deep learning.

  • Artificial Neural Networks: Networks composed of artificial neurons that process input data to generate results.
  • Reinforcement Learning: Agents learn by interacting with the environment and maximizing rewards.
  • Convolutional Neural Networks (CNN): Deep learning models specialized for analyzing image data.
  • Recurrent Neural Networks (RNN): Models effective for analyzing sequence data.

3. Univariate and Multivariate Factor Evaluation

The most important aspect of algorithmic trading is evaluating which factors affect stock prices. Univariate and multivariate analyses are methodologies for performing this assessment, analyzing the relationships between stock prices and various factors.

3.1 Univariate Factor Evaluation

Univariate analysis is a method for analyzing the relationship between two variables. It can identify the relationship between stock prices and specific factors (e.g., trading volume, interest rates, corporate earnings). Typically, a scatter plot can be used to visually analyze the relationship, and a correlation coefficient can be utilized for quantitative evaluation.

For example, when performing univariate analysis between stock prices and trading volume, the following steps can be taken:

  1. Data Collection: Collect stock price and trading volume data.
  2. Data Preprocessing: Handle missing values and remove outliers.
  3. Correlation Analysis: Calculate Pearson correlation coefficients or Spearman coefficients to evaluate relationships between variables.
  4. Visualization: Confirm the relationship between the two variables visually through scatter plots.

3.2 Multivariate Factor Evaluation

Multivariate analysis is a method for evaluating the relationships among three or more variables. This method allows for simultaneous consideration of multiple factors influencing stock prices, making it a more powerful analytical tool. For example, the relationship between stock prices, trading volume, interest rates, and corporate earnings can be assessed.

Multiple regression analysis is widely used to evaluate these relationships, allowing for quantitative analysis of how each factor affects stock prices. The main processes of multivariate analysis are as follows:

  1. Data Collection: Collect data on stock prices, trading volume, interest rates, and corporate earnings.
  2. Data Preprocessing: Handle missing values and remove outliers.
  3. Model Construction: Build a multivariate regression model.
  4. Model Evaluation: Evaluate model performance using the coefficient of determination (R2) and p-values.
  5. Result Interpretation: Analyze how each factor affects stock prices.

4. Developing Trading Strategies Using Machine Learning and Deep Learning

Next, we will look at how to develop actual trading strategies using machine learning and deep learning. Below are the overall steps of this process.

4.1 Data Collection

The first step is to collect various financial data, including stock data. Data-providing APIs such as Yahoo Finance, Quandl, or Alpha Vantage can be utilized for this.

4.2 Data Preprocessing

Collected data often requires preprocessing due to incompleteness or noise. This includes handling missing values, removing outliers, normalization, and feature engineering.

4.3 Model Selection

Depending on the trading strategy, an appropriate machine learning or deep learning model should be selected. For instance, the LSTM (Long Short-Term Memory) network, known for its remarkable performance, is often used for time-series data prediction.

4.4 Model Training

The selected model is trained based on the prepared data. Various techniques can be employed to prevent overfitting during this process, and the model’s generalization performance should be evaluated through cross-validation.

4.5 Model Validation

The trained model is validated to confirm its generalization ability. The performance is evaluated in a real trading environment using a test dataset.

4.6 Strategy Implementation

Ultimately, statistical backtesting is conducted to verify the validity of the trading strategy based on this model, after which the strategy can be applied in real trading.

5. Case Studies

Finally, we will examine examples of trading using machine learning and deep learning algorithms through real case studies.

5.1 Stock Price Prediction

This section explains the process of building an LSTM model to predict stock prices based on a company’s stock data. This example proceeds through the following steps:

  1. Data Preparation: Collect stock data for a specific company.
  2. Preprocessing: Handle missing values in the data and convert it into time-series data.
  3. LSTM Model Construction: Use TensorFlow or PyTorch to build and train the LSTM network.
  4. Prediction: Use the trained model to predict future stock prices.

5.2 Multivariate Regression Analysis Case

We will also examine a case that involves constructing a multivariate regression model including stock prices, trading volume, interest rates, and corporate earnings. This process follows these steps:

  1. Data Collection: Collect relevant data.
  2. Model Construction: Build a multivariate regression model and analyze how each factor affects stock prices.
  3. Result Interpretation: Evaluate which factors most significantly affect stock prices based on the model’s results.

Conclusion

Algorithmic trading using machine learning and deep learning is a powerful tool for enhancing the accuracy of predictions based on data. Analyzing various market factors through univariate and multivariate factor evaluation and developing strategies based on these analyses enables more effective trading. We hope to explore various techniques and methods in the future to develop more advanced trading strategies.

Wishing you safe trading always!

Machine Learning and Deep Learning Algorithm Trading, GAN Applications for Images and Time Series Data

1. Introduction

In modern financial markets, algorithmic trading has established itself as an important method for optimizing investment strategies through advanced data science techniques.
In particular, the development of Machine Learning and Deep Learning has opened up the possibility of automatically making trading decisions by learning patterns from historical data.
This article will propose various applications for algorithmic trading using GAN (Generative Adversarial Networks) and time series data, and deeply discuss how these can be applied to actual trading strategies.

2. Basic Understanding of Machine Learning and Deep Learning

2.1 Definition of Machine Learning

Machine learning is a branch of artificial intelligence that enables computers to learn from data without explicit programming.
Machine learning algorithms create models based on training data and use these models to make predictions on new data.

2.2 Advancement of Deep Learning

Deep learning is a subset of machine learning that learns more complex data representations based on artificial neural networks.
In particular, multi-layer neural networks can extract useful information from non-linear structured data.

3. Basic Concepts of Algorithmic Trading

Algorithmic trading is a system that automates order placement through computer programs based on specific trading strategies.
This system can quickly respond to various market conditions, helping to reduce human errors and maximize profits.

4. Understanding GAN (Generative Adversarial Networks)

4.1 Basic Principles of GAN

GAN is a model consisting of two neural networks, a Generator and a Discriminator, that learn by competing against each other.
The Generator takes random noise as input and generates fake data, while the Discriminator determines if the data is real or fake.
This process is repeated continuously, with the Generator producing data that increasingly resembles real data.

4.2 Utilizing GAN for Financial Data

GAN is useful when it comes to the limited nature of financial data.
It can generate hypothetical data that encapsulates various scenarios occurring in the market, thus expanding the training dataset.
This method is effective in improving the model’s generalization capability and preventing overfitting.

5. Understanding Time Series Data

Time series data refers to data that is indexed in time order, including stock prices, exchange rates, and transaction volumes.
This data has a strong temporal dependency and must be analyzed sequentially.
Models such as ARIMA and LSTM are primarily used for time series data prediction.

6. Generating Time Series Data Using GAN

6.1 Basic Idea

The generation of time series data using GAN involves learning existing financial time series patterns to produce new data.
This approach helps supplement existing data and develop new trading strategies.

6.2 Implementation Process

  1. Collect Time Series Data: Gather data such as stock prices and transaction volumes.
  2. Data Preprocessing: Perform tasks such as handling missing values and scaling to improve data quality.
  3. Model Design: Design the GAN model and adjust hyperparameters.
  4. Model Training: Train the GAN model to generate new time series data.

7. Designing Algorithmic Trading Strategies Based on Deep Learning

7.1 Data Preparation and Exploration

A clear dataset is essential for algorithmic trading.
In this process, analyze the distribution and patterns of the data to consider which features are suitable for the trading strategy.

7.2 Model Selection and Experimentation

It is necessary to experiment with various deep learning models to compare performance.
Using various models such as LSTM, GRU, and CNN, select the model that shows relatively superior performance.

8. Real Case: Building a Trading System Based on GAN and Deep Learning

This section introduces the method of utilizing GAN to generate financial time series data and applying it to a deep learning model to construct a trading system.
It will be explained step-by-step in an easy-to-understand manner for beginners.

9. Result Analysis and Evaluation

Various evaluation metrics are used to measure the performance of the trading system.
For example, metrics such as return, Sharpe Ratio, and Max Drawdown are used to assess the validity of the strategy.

10. Conclusion

Algorithmic trading utilizing machine learning and deep learning enables data-driven automated decision-making in financial markets.
Data generation using GAN and time series forecasting techniques can play a significant role in expanding the variety of investment strategies and improving performance.
In future markets, the ability to understand and utilize these technologies will be a valuable asset for investors.

11. References

Machine Learning and Deep Learning Algorithm Trading, Convolutional Autoencoder for Image Compression

Introduction

Recently, algorithmic trading has gained great popularity among investors seeking high returns in the financial markets.
Machine learning and deep learning technologies are the core of this algorithmic trading. This article will introduce
trading strategies utilizing machine learning and deep learning, and explain the concept and application methods of
convolutional autoencoders for image compression.

1. Understanding Algorithmic Trading

1.1 What is Algorithmic Trading?

Algorithmic trading is a trading method that executes buy and sell orders automatically according to a defined
algorithm or set of rules. It analyzes real-time data from markets such as stocks, forex, and cryptocurrencies,
performing trades based on the results to seek profits.

1.2 The Role of Machine Learning and Deep Learning

Machine learning and deep learning are essential for analyzing and predicting data in algorithmic trading.
Machine learning models are used for stock price forecasting and determining market direction, while deep learning
serves as a powerful tool for recognizing and processing more complex patterns.

2. Data Collection and Preprocessing

2.1 Types of Data

There is a variety of data that can be used in algorithmic trading. This includes stock prices, trading volumes,
news articles, social media posts, and technical indicators.
Such data is necessary for building price prediction models.

2.2 Data Preprocessing

The collected data must undergo preprocessing to be used with machine learning algorithms.
This includes handling missing values, normalization, and feature selection.
During this process, the quality of the data can be improved, maximizing the performance of the model.

3. Building Machine Learning Models

3.1 Model Selection

Selecting the most suitable model from various machine learning algorithms is important.
Common options include regression analysis, decision trees, random forests, and support vector machines (SVM).

3.2 Model Training

Based on the chosen model, learning data is used to train the algorithm.
During this process, cross-validation and hyperparameter tuning are needed to prevent overfitting.

3.3 Prediction and Evaluation

Using the trained model, stock prices for new data are predicted.
The performance of the predictions can be evaluated through various metrics such as accuracy and F1 score.

4. Advanced Algorithmic Trading through Deep Learning

4.1 Advantages of Deep Learning

Deep learning is highly effective in processing large amounts of data and recognizing complex patterns.
In addition to stock price prediction, it can be applied in text data analysis and image analysis.

4.2 Utilization of LSTM and RNN

LSTM (Long Short-Term Memory) and RNN (Recurrent Neural Network) are deep learning models suitable for predicting
stock prices, which are time series data. They can learn the continuity and temporal relationships in time series data.

4.3 Analyzing Market Patterns with CNN

Convolutional Neural Networks (CNN) are primarily used for image analysis but can also be applied to analyze patterns
in market data. There are methods to convert specific price patterns into images and train them using CNN.

5. Convolutional Autoencoders for Image Compression

5.1 What is an Autoencoder?

An autoencoder is an unsupervised learning model that encodes input into a lower-dimensional representation and
reconstructs it back to the original input. It is mainly used for dimension reduction and noise removal.

5.2 Structure of Convolutional Autoencoders

Convolutional autoencoders are based on CNN and are specialized in compressing image data.
They consist of an encoder and a decoder, where the encoder learns features from the input image and the
decoder uses this information to reconstruct the image.

5.3 Implementation of Convolutional Autoencoders

        
        import tensorflow as tf
        from tensorflow.keras import layers, models

        # Encoder
        input_img = layers.Input(shape=(28, 28, 1))
        x = layers.Conv2D(16, (3, 3), activation='relu', padding='same')(input_img)
        x = layers.MaxPooling2D((2, 2), padding='same')(x)
        encoded = layers.Conv2D(8, (3, 3), activation='relu', padding='same')(x)

        # Decoder
        x = layers.Conv2D(16, (3, 3), activation='relu', padding='same')(encoded)
        x = layers.UpSampling2D((2, 2))(x)
        decoded = layers.Conv2D(1, (3, 3), activation='sigmoid', padding='same')(x)

        autoencoder = models.Model(input_img, decoded)
        autoencoder.compile(optimizer='adam', loss='binary_crossentropy')
        
        

5.4 Performance Evaluation of Convolutional Autoencoders

The performance of convolutional autoencoders is evaluated through the similarity between the input image and the output image.
Metrics such as MSE (Mean Squared Error) or PSNR (Peak Signal-to-Noise Ratio) can be used.

6. Conclusion

This article examined the basic concepts of algorithmic trading using machine learning and deep learning, as well as
methods for data preprocessing, model building, and evaluation. Additionally, it addressed the structure and function
of convolutional autoencoders for image compression.
By effectively applying these technologies to actual investment strategies,
it is possible to establish more stable and profitable trading strategies.

7. References

  • Machine Learning Techniques for Stock Prediction – K. Rough, 2021
  • Deep Learning for Finance – J. Brownlee, 2020
  • Image Processing using Tensorflow and Keras – M. Mitcheltree, 2019

Machine Learning and Deep Learning Algorithm Trading, Building Moving Average Models

In today’s financial markets, algorithmic trading has become an essential tool for many investors and traders. Especially, automated trading systems utilizing machine learning (ML) and deep learning (DL) technologies are gaining attention due to their efficiency and accuracy. This course will provide a detailed discussion on how to build a trading system using machine learning and deep learning algorithms, focusing on the Moving Average (MA) model.

1. Overview of Moving Averages (MA)

Moving averages are techniques used to analyze price trends of various assets such as stocks, commodities, and foreign exchange. They are calculated to reduce price volatility and identify long-term trends. There are several types of moving averages, with the two most commonly used being Simple Moving Average (SMA) and Exponential Moving Average (EMA).

1.1 Simple Moving Average (SMA)

SMA is the value calculated by simply averaging the prices over a specific period. For example, the 5-day SMA is the sum of the closing prices of the last 5 days divided by 5. While SMA is intuitive and easy to understand, it has the drawback of being insensitive to price changes.

1.2 Exponential Moving Average (EMA)

EMA is calculated by giving more weight to recent prices, making it more sensitive to recent price changes. This makes it a more effective indicator in rapidly changing markets. EMA is calculated using the following formula:

EMA = (Current Price * k) + (Previous EMA * (1 - k))
k = 2 / (N + 1)  // N is the period for calculating the moving average

2. Building Moving Average Models with Machine Learning

Moving average models applying machine learning can predict the future prices of stocks based on historical data. The next steps will involve preparing the dataset to be used in this project and selecting a machine learning algorithm to build the model.

2.1 Data Preparation

We will use a CSV file containing stock data to build the model. Typically, stock data consists of columns such as Open, High, Low, Close, and Volume. We will load this data using the pandas library:

import pandas as pd

# Load data
data = pd.read_csv('stock_data.csv')
print(data.head())

2.2 Data Preprocessing

Data preprocessing is a crucial step to ensure that the machine learning model can learn effectively. It includes handling missing values, removing outliers, selecting features, and scaling. In particular, we need to add new columns to calculate moving averages:

# Handle missing values
data.fillna(method='ffill', inplace=True)

# Add moving average columns
data['SMA_5'] = data['Close'].rolling(window=5).mean()
data['EMA_5'] = data['Close'].ewm(span=5, adjust=False).mean()

2.3 Setting Features and Target Variables

To train the machine learning model, we need to set the input features and the target variable we want to predict. For example, we can proceed with predictions for the ‘Close’ price:

X = data[['SMA_5', 'EMA_5', 'Volume']]
y = data['Close'].shift(-1)  # Predict the closing price for the next day
X = X[:-1]  # Remove the last row
y = y[:-1]

2.4 Choosing a Machine Learning Model

Among various machine learning algorithms, models such as Decision Tree, Random Forest, and XGBoost can be chosen. Here, we will use Random Forest as an example:

from sklearn.ensemble import RandomForestRegressor
from sklearn.model_selection import train_test_split
from sklearn.metrics import mean_squared_error

# Split the data
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2, random_state=42)

# Train the model
model = RandomForestRegressor(n_estimators=100)
model.fit(X_train, y_train)

# Predict
y_pred = model.predict(X_test)

# Evaluate performance
mse = mean_squared_error(y_test, y_pred)
print(f'Mean Squared Error: {mse}')

3. Building Moving Average Models with Deep Learning

We will create a moving average model that learns more complex patterns using deep learning. We will implement a simple artificial neural network (ANN) using TensorFlow and Keras libraries.

3.1 Data Preparation and Preprocessing

The data is prepared similarly to how it is for machine learning, but deep learning models typically require more data, so we may use data over a longer period. Additionally, the input to the neural network must be in 3D shape, requiring a reshape:

import numpy as np

# Data scaling
from sklearn.preprocessing import MinMaxScaler

scaler = MinMaxScaler()
scaled_data = scaler.fit_transform(data[['Close', 'SMA_5', 'EMA_5', 'Volume']])

# Data reshape
X = []
y = []
for i in range(60, len(scaled_data)):
    X.append(scaled_data[i-60:i])  # Use 60 days of data as input
    y.append(scaled_data[i, 0])   # The value to predict is the closing price
X, y = np.array(X), np.array(y)

3.2 Building the ANN Model

We will construct the artificial neural network model using Keras. Here, we will use a simple structure utilizing Dense layers:

from keras.models import Sequential
from keras.layers import Dense, LSTM, Dropout

model = Sequential()
model.add(LSTM(50, return_sequences=True, input_shape=(X.shape[1], X.shape[2])))
model.add(Dropout(0.2))
model.add(LSTM(50, return_sequences=False))
model.add(Dropout(0.2))
model.add(Dense(25))
model.add(Dense(1))  # Predicting the closing price

# Compile the model
model.compile(optimizer='adam', loss='mean_squared_error')

# Train the model
model.fit(X, y, batch_size=32, epochs=50)

3.3 Prediction and Performance Evaluation

We will use the trained model to make predictions and compare the actual closing prices with the predicted prices for performance evaluation:

# Prediction
predictions = model.predict(X)

# Inverse scaling
predictions = scaler.inverse_transform(predictions)

# Performance evaluation
import matplotlib.pyplot as plt

plt.plot(data['Close'].values, color='blue', label='Actual Closing Price')
plt.plot(range(60, len(predictions) + 60), predictions, color='red', label='Predicted Closing Price')
plt.legend()
plt.show()

4. Interpretation of Results and Improvement Strategies

Interpreting the prediction results obtained from the model is also an important task. The closer the predictions are to the actual prices, the better the model’s performance. If the predictions are inaccurate, the following improvement strategies can be considered:

  • Increasing the amount of data
  • Adding diverse features
  • Tuning the model’s hyperparameters
  • Trying various machine learning and deep learning algorithms

5. Conclusion

In this course, we explored how to build an algorithmic trading model based on moving averages using machine learning and deep learning. Moving averages are fundamental yet useful indicators, and by combining them with machine learning and deep learning, more sophisticated trading strategies can be established. Furthermore, ongoing research and development are necessary through various datasets and algorithms.

References