Automated trading using deep learning and machine learning, Trading prediction based on Support Vector Machine (SVM) Generate buy and sell signals using SVM.

In recent years, the utilization of Artificial Intelligence (AI) and Machine Learning (ML) in financial markets has been detected. Among these, there is a growing interest in asset price prediction and the development of automated trading systems in the cryptocurrency market, such as Bitcoin. This article provides a step-by-step guide for building a Bitcoin automated trading prediction system using Support Vector Machine (SVM).

1. Understanding Support Vector Machine (SVM)

SVM is a powerful machine learning algorithm used for classification and regression analysis. The core idea of this algorithm is to find the optimal hyperplane that separates the data in N-dimensional space. SVM has the following features:

  • Provides kernel functions for non-linear data classification
  • Maximizes the margin between classes based on the maximum margin principle
  • Can prevent overfitting for the given data

2. Collecting Bitcoin Price Data

Bitcoin price data can be collected from various platforms. Here, we will use pandas to load Bitcoin price data from a CSV file.

import pandas as pd

# Load Bitcoin price data
data = pd.read_csv('bitcoin_price.csv')
data.head()

Here, ‘bitcoin_price.csv’ should contain the date and price information for Bitcoin. The main columns consist of date and close price.

3. Data Preprocessing

Preprocessing the collected data significantly affects the performance of the machine learning model. We will generate buy/sell signals based on the price data.

3.1. Feature Generation

Additional features will be generated based on the price data. For example, we can create Moving Averages and Relative Strength Index (RSI).

import numpy as np

# Moving Average
data['SMA_30'] = data['close'].rolling(window=30).mean()
data['SMA_100'] = data['close'].rolling(window=100).mean()

# Calculate Relative Strength Index (RSI)
def calculate_rsi(data, window=14):
    delta = data['close'].diff()
    gain = (delta.where(delta > 0, 0)).rolling(window=window).mean()
    loss = (-delta.where(delta < 0, 0)).rolling(window=window).mean()
    rs = gain / loss
    return 100 - (100 / (1 + rs))

data['RSI'] = calculate_rsi(data)

3.2. Creating Target Labels

It is necessary to create target labels to generate buy and sell signals for Bitcoin. For example, if the closing price of the next day is higher than today's closing price, it will be labeled as buy (1); otherwise, it will be labeled as sell (0).

data['Target'] = np.where(data['close'].shift(-1) > data['close'], 1, 0)

4. Splitting Data and Training the Model

After splitting the data into training and testing sets, we will train the SVM model. We will be using scikit-learn for this purpose.

from sklearn.model_selection import train_test_split
from sklearn.svm import SVC
from sklearn.metrics import classification_report, confusion_matrix

# Set features and target
features = data[['SMA_30', 'SMA_100', 'RSI']].dropna()
target = data['Target'][features.index]

# Split data
X_train, X_test, y_train, y_test = train_test_split(features, target, test_size=0.2, random_state=42)

# Train SVM model
model = SVC(kernel='rbf')
model.fit(X_train, y_train)

5. Model Evaluation

To evaluate the trained model, predictions will be made using the test set, and performance will be checked.

# Make predictions
y_pred = model.predict(X_test)

# Evaluate performance
print(confusion_matrix(y_test, y_pred))
print(classification_report(y_test, y_pred))

6. Implementing Automated Trading Strategy

An automated trading system will be implemented to generate actual trading signals based on prediction results. The API of a Bitcoin exchange can be used to execute orders. The following is an example using the Binance API.

from binance.client import Client

# Set up Binance API client
api_key = 'YOUR_API_KEY'
api_secret = 'YOUR_API_SECRET'
client = Client(api_key, api_secret)

def place_order(signal):
    if signal == 1: # Buy signal
        client.order_market_buy(symbol='BTCUSDT', quantity=0.001) # Adjust quantity as needed
    elif signal == 0: # Sell signal
        client.order_market_sell(symbol='BTCUSDT', quantity=0.001) # Adjust quantity as needed

# Execute order based on predicted signal
latest_data = features.iloc[-1]
predicted_signal = model.predict(latest_data.values.reshape(1, -1))[0]
place_order(predicted_signal)

Conclusion

An automated trading system can be a good way to maximize profit in Bitcoin trading. The trading prediction system utilizing SVM is built through a series of steps including data collection, preprocessing, model training, and evaluation. However, it is essential to always consider market volatility and risks, and thorough testing and validation are required before using this system.

In implementing such automated trading systems, it is important to analyze the data thoroughly and try various algorithms. Besides SVM, there are many machine learning techniques, so it is advisable to find the most suitable method for the situation.

Automatic trading using deep learning and machine learning, position management using Reinforcement Learning, a method to determine long or short positions through reinforcement learning.

The automated trading system in the financial market requires quick decision-making and the ability to process large amounts of data. In recent years, Deep Learning and Reinforcement Learning technologies have gained attention and are being utilized in automated trading of Bitcoin and other cryptocurrencies. In this article, we will explain in detail how to determine long or short positions through Reinforcement Learning.

1. Understanding the Concept of Reinforcement Learning

Reinforcement Learning is a methodology where an agent takes actions in an environment and learns through the rewards for those actions. The agent selects actions based on the state and receives rewards as a result of those actions. Through this process, the agent learns the optimal policy.

2. Setting Up the Bitcoin Trading Environment

To implement automated trading, it is essential first to set up the trading environment. Here, we will create a simple simulation environment to process Bitcoin price data and allow the agent to trade directly.

Automatic trading using deep learning and machine learning, implementation of a Bitcoin trading agent using PPO (Proximal Policy Optimization) reinforcement learning with the PPO algorithm.

Artificial intelligence, machine learning, and reinforcement learning play a very important role in the current financial markets. In particular, automated trading systems in cryptocurrency markets, such as Bitcoin, are gaining great popularity, and various algorithms are being researched to develop these systems. Among them, the PPO (Proximal Policy Optimization) algorithm is a state-of-the-art technology widely used in the field of reinforcement learning. This article will detail how to implement an automated trading agent for Bitcoin using the PPO algorithm.

1. Overview of the PPO (Proximal Policy Optimization) Algorithm

PPO is a reinforcement learning algorithm proposed by OpenAI that has good characteristics of stability and convergence speed. PPO is a policy-based method that updates the policy in a direction that maximizes rewards based on the agent’s experiences in the environment. The core idea of PPO is to optimize the policy’s output while limiting the changes from the previous policy to maintain stability during training.

1.1 Key Features of PPO

  • Conservative Updates: Limits changes between the old policy and the new policy to improve training stability.
  • Clipping: Adjusts the loss function to prevent ‘wrong updates’.
  • Sample Efficiency: Allows for more efficient learning by utilizing the existing policy.

2. Structure of the Bitcoin Automated Trading Agent

To implement a Bitcoin automated trading system, the following key components are required.

  • Environment: Bitcoin market data that the agent interacts with.
  • State: A feature set reflecting the current market situation.
  • Action: Buy, sell, or hold actions that the agent can choose from.
  • Reward: The economic outcome of the agent’s actions.

2.1 Implementing the Environment

To implement the environment, Bitcoin price data must be collected, and based on this data, states and rewards must be defined. Typically, various technical indicators (TA) are used to define the state. For example, indicators such as moving averages, Relative Strength Index (RSI), and MACD can be used.

2.1.1 Example of Implementing the Environment Class


import numpy as np
import pandas as pd

class BitcoinEnv:
    def __init__(self, data):
        self.data = data
        self.current_step = 0
        self.current_balance = 1000  # Initial capital
        self.holdings = 0  # Bitcoin holdings

    def reset(self):
        self.current_step = 0
        self.current_balance = 1000
        self.holdings = 0
        return self._get_state()

    def _get_state(self):
        return self.data.iloc[self.current_step].values

    def step(self, action):
        price = self.data.iloc[self.current_step]['Close']
        # Calculate reward and new state based on the action
        if action == 1:  # Buy
            self.holdings += 1
            self.current_balance -= price
        elif action == 2:  # Sell
            if self.holdings > 0:
                self.holdings -= 1
                self.current_balance += price

        self.current_step += 1
        done = self.current_step >= len(self.data) - 1
        reward = self.current_balance + self.holdings * price - 1000  # Reward based on initial capital
        return self._get_state(), reward, done

3. Implementing the PPO Algorithm

To implement the PPO policy optimization algorithm, a neural network must be used to model the policy. A commonly used neural network architecture is as follows.

3.1 Defining Neural Network Architecture


import tensorflow as tf

class PPOAgent:
    def __init__(self, state_size, action_size, lr=0.001):
        self.state_size = state_size
        self.action_size = action_size
        self.lr = lr
        self.gamma = 0.99  # Discount factor
        self.epsilon = 0.2  # Clipping ratio
        self.model = self._create_model()
        
    def _create_model(self):
        model = tf.keras.Sequential()
        model.add(tf.keras.layers.Dense(64, activation='relu', input_shape=(self.state_size,)))
        model.add(tf.keras.layers.Dense(64, activation='relu'))
        model.add(tf.keras.layers.Dense(self.action_size, activation='softmax'))
        model.compile(loss='categorical_crossentropy', optimizer=tf.keras.optimizers.Adam(lr=self.lr))
        return model

    def act(self, state):
        state = state.reshape([1, self.state_size])
        probabilities = self.model.predict(state)[0]
        return np.random.choice(self.action_size, p=probabilities)

3.2 Implementing the Policy Update Function


class PPOAgent:
    # ... (same as previous code)

    def train(self, states, actions, rewards):
        states = np.array(states)
        actions = np.array(actions)
        discounted_rewards = self._discount_rewards(rewards)
        actions_one_hot = tf.keras.utils.to_categorical(actions, num_classes=self.action_size)

        # Calculate policy loss
        with tf.GradientTape() as tape:
            probabilities = self.model(states)
            advantages = discounted_rewards - tf.reduce_mean(discounted_rewards)
            policy_loss = -tf.reduce_mean(actions_one_hot * tf.math.log(probabilities) * advantages)

        gradients = tape.gradient(policy_loss, self.model.trainable_variables)
        self.model.optimizer.apply_gradients(zip(gradients, self.model.trainable_variables))

    def _discount_rewards(self, rewards):
        discounted = np.zeros_like(rewards)
        running_add = 0
        for t in reversed(range(len(rewards))):
            running_add = running_add * self.gamma + rewards[t]
            discounted[t] = running_add
        return discounted

4. Training and Evaluating the Agent

To train the agent, the environment and the agent must continuously interact. Through a training loop, the agent selects actions in the environment, receives rewards, and updates its policy.

4.1 Implementing the Agent Training Function


def train_agent(env, agent, episodes=1000):
    for episode in range(episodes):
        state = env.reset()
        done = False
        states, actions, rewards = [], [], []
        
        while not done:
            action = agent.act(state)
            next_state, reward, done = env.step(action)

            states.append(state)
            actions.append(action)
            rewards.append(reward)
            state = next_state

        agent.train(states, actions, rewards)

        total_reward = sum(rewards)
        print(f'Episode: {episode + 1}, Total Reward: {total_reward}')

4.2 Implementing the Evaluation Function


def evaluate_agent(env, agent, episodes=10):
    total_rewards = []
    for episode in range(episodes):
        state = env.reset()
        done = False
        total_reward = 0
        
        while not done:
            action = agent.act(state)
            next_state, reward, done = env.step(action)
            state = next_state
            total_reward += reward

        total_rewards.append(total_reward)
    
    print(f'Average Reward over {episodes} episodes: {np.mean(total_rewards)}')

5. Conclusion

We explored how to build a Bitcoin automated trading agent using the PPO algorithm. The PPO algorithm is a stable and effective method for policy optimization, demonstrating its potential in the financial markets. Through this project, I hope you were able to understand the basic concepts of reinforcement learning and the implementation method using PPO. Going forward, I recommend experimenting with and developing various AI-based trading strategies.

The code used in this article is provided as an example and will require more considerations in actual trading environments. For instance, various evaluation criteria, more features, and refined state management must be included. Moreover, the process of collecting and processing data is also a very important part, and through this, more effective and stable trading systems can be developed.

6. References

  • PIE: Proximal Policy Optimization Algorithms (OpenAI)
  • Example code and tutorials: Gym, TensorFlow, Keras
  • Bitcoin and cryptocurrency related data: Yahoo Finance, CoinMarketCap

Automatic trading using deep learning and machine learning, Time series prediction using LSTM LSTM (Long Short-Term Memory) is a method to predict the time series data of Bitcoin.

In recent years, Bitcoin has emerged as the most notable asset in the cryptocurrency market, with many investors leveraging it to seek profits. However, predicting the price of Bitcoin is quite challenging due to its high volatility. This article will discuss how to predict Bitcoin’s time series data using a deep learning method known as LSTM (Long Short-Term Memory) network.

1. What is Time Series Data?

Time series data is a dataset that records the values of each variable at specific times, generally collected over time. In other words, data such as Bitcoin’s price and trading volume change over time, allowing for predictions and analysis based on this information. Examples of time series data include stock prices, weather information, and sales data.

2. What is an LSTM Network?

The LSTM (Long Short-Term Memory) network is a type of RNN (Recurrent Neural Network) developed to address the long-term dependency problem inherent in recurrent neural networks. LSTM has memory cells that allow it to store information for extended periods and uses three main gates to regulate information.

  • Input Gate: Decides what information to add to the cell state based on the current input and previous output information.
  • Forget Gate: Determines what information to discard from the previous cell state.
  • Output Gate: Decides what information to output from the cell state.

3. Building a Bitcoin Prediction Model Using LSTM

This section will explain how to predict Bitcoin’s future prices using LSTM. Below are the steps necessary to carry out this process.

3.1 Data Collection

There are several APIs available for collecting Bitcoin price data. Generally, CryptoCompare, Binance, and CoinGecko can be used. In this example, we will demonstrate how to collect and process data using Pandas and NumPy.

Example Code: Data Collection


import pandas as pd
import numpy as np

# Example of data collection using Binance API
def fetch_data(symbol='BTCUSDT', interval='1d', limit=1000):
    url = f'https://api.binance.com/api/v3/klines?symbol={symbol}&interval={interval}&limit={limit}'
    df = pd.read_json(url)
    df = df[[0, 4]].rename(columns={0: 'timestamp', 4: 'close_price'})
    df['timestamp'] = pd.to_datetime(df['timestamp'], unit='ms')
    return df

# Download data
df = fetch_data()
print(df.head())
    

3.2 Data Preprocessing

The collected data needs to be processed to be suitable for model training. Generally, what we need is ‘normalization’. The LSTM model performs better when input values are within a small range, so we will use the Min-Max normalization method.

Example Code: Data Preprocessing


from sklearn.preprocessing import MinMaxScaler

# Data normalization
scaler = MinMaxScaler(feature_range=(0, 1))
df['scaled_close'] = scaler.fit_transform(df['close_price'].values.reshape(-1, 1))

# Data splitting
train_size = int(len(df) * 0.8)
train_data = df['scaled_close'][:train_size]
test_data = df['scaled_close'][train_size:]

# Sequence generation
def create_dataset(data, time_step=1):
    X, Y = [], []
    for i in range(len(data) - time_step - 1):
        X.append(data[i:(i + time_step)])
        Y.append(data[i + time_step])
    return np.array(X), np.array(Y)

time_step = 10
X_train, y_train = create_dataset(train_data.values, time_step)
X_test, y_test = create_dataset(test_data.values, time_step)

# Reshape input data dimensions
X_train = X_train.reshape(X_train.shape[0], X_train.shape[1], 1)
X_test = X_test.reshape(X_test.shape[0], X_test.shape[1], 1)
    

3.3 Building and Training the LSTM Model

Now, we build and train the LSTM model. You can configure the LSTM model using the Keras library.

Example Code: Building and Training the LSTM Model


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

# Building the LSTM model
model = Sequential()
model.add(LSTM(units=50, return_sequences=True, input_shape=(X_train.shape[1], 1)))
model.add(Dropout(0.2))
model.add(LSTM(units=50, return_sequences=False))
model.add(Dropout(0.2))
model.add(Dense(units=1))  # Output layer

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

# Train the model
model.fit(X_train, y_train, epochs=50, batch_size=32)
    

3.4 Prediction and Result Visualization

Once the model is trained, predictions can be made using the test data, and the results can be visualized.

Example Code: Prediction and Visualization


import matplotlib.pyplot as plt

# Perform predictions
train_predict = model.predict(X_train)
test_predict = model.predict(X_test)

# Reverse data scaling
train_predict = scaler.inverse_transform(train_predict)
test_predict = scaler.inverse_transform(test_predict)

# Visualization
plt.figure(figsize=(14, 5))
plt.plot(df['timestamp'][:train_size], scaler.inverse_transform(train_data.values[time_step:-1]), label='Train Data', color='blue')
plt.plot(df['timestamp'][train_size + time_step:-1], scaler.inverse_transform(test_data.values[time_step:-1]), label='Test Data', color='orange')
plt.plot(df['timestamp'][time_step:train_size], train_predict, label='Train Predict', color='red')
plt.plot(df['timestamp'][train_size + time_step:], test_predict, label='Test Predict', color='green')
plt.legend()
plt.show()
    

4. Model Evaluation and Improvement

Evaluating the model is essential for improving prediction accuracy and making necessary improvements. The RMSE (Root Mean Squared Error) can be used to calculate the differences between predicted data and actual data from the model.

Example Code: Calculating RMSE


from sklearn.metrics import mean_squared_error

# Calculate RMSE
train_rmse = np.sqrt(mean_squared_error(scaler.inverse_transform(train_predict), scaler.inverse_transform(train_data.values[time_step:-1])))
test_rmse = np.sqrt(mean_squared_error(scaler.inverse_transform(test_predict), scaler.inverse_transform(test_data.values[time_step:-1])))
print(f'Train RMSE: {train_rmse}, Test RMSE: {test_rmse}')
    

5. Additional Considerations

After building the model, further considerations are necessary. Performance can vary based on various hyperparameter adjustments, model complexity management, and data collection methods according to the nature of the data. Here are some tips.

  • Data Augmentation: It is advisable to collect more data and provide more features to the model by using various cycles.
  • Hyperparameter Tuning: Adjusting hyperparameters such as the number of units in LSTM and learning rate is important to find the optimal combination.
  • Batch Normalization: Adding batch normalization before LSTM layers can increase the learning speed.
  • Ensemble Learning: Combining multiple models can enhance the reliability of predictions.

6. Conclusion

This article discussed how to predict Bitcoin’s time series data using LSTM. LSTM is a powerful tool that can improve the accuracy of time series data prediction by addressing long-term dependency issues. However, it is crucial to design the model well and improve it appropriately. Further research and experimentation can yield even better performance.

More advanced strategies for automated Bitcoin trading involve combining various algorithms beyond LSTM. For instance, you can consider using CNN (Convolutional Neural Network) to recognize price patterns or reinforcement learning (RL) to find the optimal trading timing. Given the complexity of time series data, these various approaches can provide even more advantages.

References

Automated trading using deep learning and machine learning, trading strategy using K-Nearest Neighbors (KNN) to make trading decisions based on similar past data.

Automated Trading Using Deep Learning and Machine Learning: Trading Strategy Utilizing K-Nearest Neighbors (KNN)

Today, automated trading systems in financial markets play a significant role in learning complex market patterns using technologies such as data science, deep learning, and machine learning to make trading decisions based on this knowledge. Especially in cryptocurrency markets such as Bitcoin, where volatility is high and sudden price changes are common, these technologies are even more crucial. In this course, we will explore how to design a Bitcoin trading strategy by analyzing similar past data using the K-Nearest Neighbors (KNN) algorithm.

1. Overview of K-Nearest Neighbors (KNN) Algorithm

KNN is one of the unsupervised learning techniques in machine learning, used to find similar data based on given data and make predictions. The core idea of KNN is that when a new data point is given, it identifies the K closest neighbor data points and determines the result based on the majority class among them. While KNN is mainly used for classification problems, it can also be applied to regression problems.

2. Principles of KNN

The KNN algorithm operates in the following steps:

  1. Calculate the distance between all points in the dataset.
  2. Select the K nearest neighbors to the given point.
  3. Return the most frequently occurring class or average value for prediction.

A significant advantage of KNN is its simplicity in implementation and ease of understanding. However, a drawback is that as the amount of data increases, the computational cost rises, and it is sensitive to the curse of dimensionality.

3. Designing an Automated Trading System

To design a Bitcoin automated trading system, the following steps should be taken:

  1. Data Collection: Collect historical price data of Bitcoin.
  2. Data Preprocessing: Organize the collected data and convert it into a format suitable for the KNN model.
  3. Model Training: Use the KNN algorithm to train the model based on past data.
  4. Establish Trading Strategy: Design an algorithm to make trading decisions based on the predicted results.

4. Data Collection

Various data provider APIs can be used to collect Bitcoin price data. Here, we will introduce how to fetch data from the CoinGecko API using Python. The code below is an example of collecting daily price data for Bitcoin:

import requests
import pandas as pd
from datetime import datetime

# API Call
url = 'https://api.coingecko.com/api/v3/coins/bitcoin/market_chart'
params = {
    'vs_currency': 'usd',
    'days': '30',  # Last 30 days of data
    'interval': 'daily'
}
response = requests.get(url, params=params)
data = response.json()

# Create DataFrame
prices = data['prices']
df = pd.DataFrame(prices, columns=['timestamp', 'price'])

# Convert Timestamp
df['timestamp'] = pd.to_datetime(df['timestamp'], unit='ms')

# Display Data
print(df.head())

5. Data Preprocessing

The collected data must be transformed into a suitable format for the model by removing outliers, handling missing values, and performing feature engineering. For example, technical indicators can be added based on price data. Commonly used technical indicators include Moving Average (MA), Relative Strength Index (RSI), and MACD. The code below is an example of adding a moving average:

# Adding Moving Averages
df['MA_10'] = df['price'].rolling(window=10).mean()
df['MA_50'] = df['price'].rolling(window=50).mean()
df.dropna(inplace=True)

6. Training the KNN Model

Once the data is prepared, the KNN model can be trained. The sklearn library can be used for this purpose, and the K value can be optimized through experimentation. Below is the code for training the KNN model and making predictions:

from sklearn.model_selection import train_test_split
from sklearn.neighbors import KNeighborsClassifier
from sklearn.metrics import classification_report

# Separating Features and Labels
X = df[['MA_10', 'MA_50']].values
y = (df['price'].shift(-1) > df['price']).astype(int)  # If the next day's price increases, 1; if decreases, 0

# Split into Training and Test Sets
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2, random_state=42)

# Train KNN Model
knn = KNeighborsClassifier(n_neighbors=5)
knn.fit(X_train, y_train)

# Prediction and Evaluation
y_pred = knn.predict(X_test)
print(classification_report(y_test, y_pred))

7. Implementing Trading Strategy

An algorithm can be implemented to make trading decisions based on the model’s prediction results. For example, if the model predicts that the price of Bitcoin will rise, a buy order can be placed, and if it predicts that it will fall, a sell order can be executed:

def trading_signal(prediction):
    if prediction == 1:
        return 'Buy'  # Predicted to rise
    else:
        return 'Sell'  # Predicted to fall

# Generate Signal for Last Data
last_prediction = knn.predict(X[-1].reshape(1, -1))
signal = trading_signal(last_prediction[0])
print(f"Trading Signal: {signal}")

8. Performance Evaluation

The performance of the trading strategy can be evaluated through various metrics. Return, Sharpe ratio, and maximum drawdown can be considered, and the effectiveness of the strategy can be validated through experimental backtesting methods. The following code example simulates trading results based on past data:

initial_balance = 1000  # Initial Investment
balance = initial_balance

for i in range(len(X_test)):
    if y_pred[i] == 1:  # Buy
        balance *= (1 + (df['price'].iloc[i+len(X_train)] - df['price'].iloc[i+len(X_train)-1]) / df['price'].iloc[i+len(X_train)-1])
    else:  # Sell
        balance *= (1 - (df['price'].iloc[i+len(X_train)] - df['price'].iloc[i+len(X_train)-1]) / df['price'].iloc[i+len(X_train)-1])

final_balance = balance
profit = final_balance - initial_balance
print(f"Initial Balance: {initial_balance}, Final Balance: {final_balance}, Profit: {profit}")

9. Conclusion

KNN is a simple yet effective machine learning algorithm, which can be a useful tool for establishing automated trading strategies for Bitcoin. In this course, we have learned how to build an automated trading system and establish trading strategies using KNN. However, since KNN may have limitations by itself, it is recommended to develop more sophisticated strategies by combining it with other algorithms or using ensemble techniques. Continuously validating and adjusting existing trading strategies is also important.

If you seek more information and strategies on Bitcoin automated trading, please refer to related literature and research materials to expand your in-depth knowledge.

All code used in this course is provided for guidance purposes, and thorough review and analysis are needed before actual investment. All investment decisions should be made at your own risk.