2022-05-04 15:53:40 +00:00
|
|
|
import logging
|
2022-06-26 21:03:48 +00:00
|
|
|
import shutil
|
2022-05-19 19:15:58 +00:00
|
|
|
import threading
|
2022-06-27 09:35:33 +00:00
|
|
|
import time
|
2022-05-04 15:53:40 +00:00
|
|
|
from abc import ABC, abstractmethod
|
2022-09-18 15:00:55 +00:00
|
|
|
from collections import deque
|
2022-09-06 17:46:58 +00:00
|
|
|
from datetime import datetime, timezone
|
2022-05-04 15:42:34 +00:00
|
|
|
from pathlib import Path
|
2022-08-15 04:53:02 +00:00
|
|
|
from threading import Lock
|
2022-09-14 20:49:11 +00:00
|
|
|
from typing import Any, Dict, List, Optional, Tuple
|
2022-08-15 04:53:02 +00:00
|
|
|
|
2022-06-17 12:55:40 +00:00
|
|
|
import numpy as np
|
2022-05-03 08:14:17 +00:00
|
|
|
import pandas as pd
|
2022-09-28 22:10:18 +00:00
|
|
|
import psutil
|
2022-07-29 06:12:50 +00:00
|
|
|
from numpy.typing import NDArray
|
2022-05-03 08:14:17 +00:00
|
|
|
from pandas import DataFrame
|
2022-08-15 04:53:02 +00:00
|
|
|
|
2022-05-22 22:06:26 +00:00
|
|
|
from freqtrade.configuration import TimeRange
|
2022-09-18 11:20:36 +00:00
|
|
|
from freqtrade.constants import DATETIME_PRINT_FORMAT, Config
|
2022-05-06 14:20:52 +00:00
|
|
|
from freqtrade.enums import RunMode
|
2022-05-25 10:37:25 +00:00
|
|
|
from freqtrade.exceptions import OperationalException
|
2022-08-15 04:53:02 +00:00
|
|
|
from freqtrade.exchange import timeframe_to_seconds
|
2022-05-23 19:05:05 +00:00
|
|
|
from freqtrade.freqai.data_drawer import FreqaiDataDrawer
|
2022-05-06 10:54:49 +00:00
|
|
|
from freqtrade.freqai.data_kitchen import FreqaiDataKitchen
|
2022-09-16 16:17:41 +00:00
|
|
|
from freqtrade.freqai.utils import plot_feature_importance
|
2022-05-09 13:25:00 +00:00
|
|
|
from freqtrade.strategy.interface import IStrategy
|
2022-05-03 08:14:17 +00:00
|
|
|
|
2022-05-04 15:42:34 +00:00
|
|
|
|
2022-05-03 08:14:17 +00:00
|
|
|
pd.options.mode.chained_assignment = None
|
2022-05-04 15:53:40 +00:00
|
|
|
logger = logging.getLogger(__name__)
|
2022-05-03 08:14:17 +00:00
|
|
|
|
2022-05-19 19:15:58 +00:00
|
|
|
|
2022-05-03 08:14:17 +00:00
|
|
|
class IFreqaiModel(ABC):
|
|
|
|
"""
|
|
|
|
Class containing all tools for training and prediction in the strategy.
|
2022-07-22 10:17:15 +00:00
|
|
|
Base*PredictionModels inherit from this class.
|
2022-07-23 11:04:06 +00:00
|
|
|
|
|
|
|
Record of contribution:
|
|
|
|
FreqAI was developed by a group of individuals who all contributed specific skillsets to the
|
|
|
|
project.
|
|
|
|
|
|
|
|
Conception and software development:
|
|
|
|
Robert Caulk @robcaulk
|
|
|
|
|
|
|
|
Theoretical brainstorming:
|
2022-08-02 18:14:02 +00:00
|
|
|
Elin Törnquist @th0rntwig
|
2022-07-23 11:04:06 +00:00
|
|
|
|
|
|
|
Code review, software architecture brainstorming:
|
|
|
|
@xmatthias
|
|
|
|
|
|
|
|
Beta testing and bug reporting:
|
|
|
|
@bloodhunter4rc, Salah Lamkadem @ikonx, @ken11o2, @longyu, @paranoidandy, @smidelis, @smarm
|
2022-08-14 18:24:29 +00:00
|
|
|
Juha Nykänen @suikula, Wagner Costa @wagnercosta, Johan Vlugt @Jooopieeert
|
2022-05-03 08:14:17 +00:00
|
|
|
"""
|
|
|
|
|
2022-09-18 11:20:36 +00:00
|
|
|
def __init__(self, config: Config) -> None:
|
2022-05-03 08:14:17 +00:00
|
|
|
|
|
|
|
self.config = config
|
2022-05-23 10:07:09 +00:00
|
|
|
self.assert_config(self.config)
|
2022-07-28 05:24:30 +00:00
|
|
|
self.freqai_info: Dict[str, Any] = config["freqai"]
|
|
|
|
self.data_split_parameters: Dict[str, Any] = config.get("freqai", {}).get(
|
|
|
|
"data_split_parameters", {})
|
|
|
|
self.model_training_parameters: Dict[str, Any] = config.get("freqai", {}).get(
|
|
|
|
"model_training_parameters", {})
|
2022-05-19 19:15:58 +00:00
|
|
|
self.retrain = False
|
2022-05-22 15:51:49 +00:00
|
|
|
self.first = True
|
2022-05-23 19:05:05 +00:00
|
|
|
self.set_full_path()
|
2022-07-28 05:24:30 +00:00
|
|
|
self.follow_mode: bool = self.freqai_info.get("follow_mode", False)
|
2022-09-24 11:21:01 +00:00
|
|
|
self.save_backtest_models: bool = self.freqai_info.get("save_backtest_models", True)
|
2022-09-03 12:00:01 +00:00
|
|
|
if self.save_backtest_models:
|
|
|
|
logger.info('Backtesting module configured to save all models.')
|
2022-07-02 16:09:38 +00:00
|
|
|
self.dd = FreqaiDataDrawer(Path(self.full_path), self.config, self.follow_mode)
|
2022-07-28 05:24:30 +00:00
|
|
|
self.identifier: str = self.freqai_info.get("identifier", "no_id_provided")
|
2022-06-08 04:14:01 +00:00
|
|
|
self.scanning = False
|
2022-08-18 17:15:29 +00:00
|
|
|
self.ft_params = self.freqai_info["feature_parameters"]
|
2022-09-26 19:55:23 +00:00
|
|
|
# self.keras: bool = self.freqai_info.get("keras", False)
|
|
|
|
# if self.keras and self.ft_params.get("DI_threshold", 0):
|
|
|
|
# self.ft_params["DI_threshold"] = 0
|
|
|
|
# logger.warning("DI threshold is not configured for Keras models yet. Deactivating.")
|
2022-07-03 08:59:38 +00:00
|
|
|
self.CONV_WIDTH = self.freqai_info.get("conv_width", 2)
|
2022-08-18 17:15:29 +00:00
|
|
|
if self.ft_params.get("inlier_metric_window", 0):
|
|
|
|
self.CONV_WIDTH = self.ft_params.get("inlier_metric_window", 0) * 2
|
2022-07-21 11:22:12 +00:00
|
|
|
self.pair_it = 0
|
2022-08-22 11:30:30 +00:00
|
|
|
self.pair_it_train = 0
|
2022-07-21 11:22:12 +00:00
|
|
|
self.total_pairs = len(self.config.get("exchange", {}).get("pair_whitelist"))
|
2022-09-18 15:00:55 +00:00
|
|
|
self.train_queue = self._set_train_queue()
|
2022-08-02 18:14:02 +00:00
|
|
|
self.last_trade_database_summary: DataFrame = {}
|
|
|
|
self.current_trade_database_summary: DataFrame = {}
|
2022-08-14 18:24:29 +00:00
|
|
|
self.analysis_lock = Lock()
|
2022-08-14 14:41:50 +00:00
|
|
|
self.inference_time: float = 0
|
2022-08-22 11:30:30 +00:00
|
|
|
self.train_time: float = 0
|
2022-08-14 14:41:50 +00:00
|
|
|
self.begin_time: float = 0
|
2022-08-22 11:30:30 +00:00
|
|
|
self.begin_time_train: float = 0
|
2022-08-14 14:41:50 +00:00
|
|
|
self.base_tf_seconds = timeframe_to_seconds(self.config['timeframe'])
|
2022-09-06 18:30:37 +00:00
|
|
|
self.continual_learning = self.freqai_info.get('continual_learning', False)
|
2022-09-25 09:18:10 +00:00
|
|
|
self.plot_features = self.ft_params.get("plot_feature_importances", 0)
|
2022-05-03 08:14:17 +00:00
|
|
|
|
2022-09-03 19:24:14 +00:00
|
|
|
self._threads: List[threading.Thread] = []
|
|
|
|
self._stop_event = threading.Event()
|
2022-09-17 15:51:06 +00:00
|
|
|
self.strategy: Optional[IStrategy] = None
|
2022-09-29 12:01:22 +00:00
|
|
|
self.max_system_threads = max(int(psutil.cpu_count() * 2 - 2), 1)
|
2022-09-03 19:24:14 +00:00
|
|
|
|
2022-09-05 20:43:28 +00:00
|
|
|
def __getstate__(self):
|
|
|
|
"""
|
2022-09-06 18:42:47 +00:00
|
|
|
Return an empty state to be pickled in hyperopt
|
2022-09-05 20:43:28 +00:00
|
|
|
"""
|
2022-09-06 18:42:47 +00:00
|
|
|
return ({})
|
2022-08-22 17:15:56 +00:00
|
|
|
self.strategy: Optional[IStrategy] = None
|
2022-05-03 08:14:17 +00:00
|
|
|
|
2022-09-18 11:20:36 +00:00
|
|
|
def assert_config(self, config: Config) -> None:
|
2022-05-25 10:37:25 +00:00
|
|
|
|
2022-07-03 08:59:38 +00:00
|
|
|
if not config.get("freqai", {}):
|
|
|
|
raise OperationalException("No freqai parameters found in configuration file.")
|
2022-05-23 10:07:09 +00:00
|
|
|
|
2022-05-09 13:25:00 +00:00
|
|
|
def start(self, dataframe: DataFrame, metadata: dict, strategy: IStrategy) -> DataFrame:
|
2022-05-03 08:14:17 +00:00
|
|
|
"""
|
2022-05-23 19:05:05 +00:00
|
|
|
Entry point to the FreqaiModel from a specific pair, it will train a new model if
|
2022-05-15 14:25:08 +00:00
|
|
|
necessary before making the prediction.
|
2022-05-25 09:31:03 +00:00
|
|
|
|
2022-07-24 14:54:39 +00:00
|
|
|
:param dataframe: Full dataframe coming from strategy - it contains entire
|
|
|
|
backtesting timerange + additional historical data necessary to train
|
2022-05-03 08:14:17 +00:00
|
|
|
the model.
|
2022-07-24 14:54:39 +00:00
|
|
|
:param metadata: pair metadata coming from strategy.
|
|
|
|
:param strategy: Strategy to train on
|
2022-05-03 08:14:17 +00:00
|
|
|
"""
|
2022-05-09 13:25:00 +00:00
|
|
|
|
2022-05-22 15:51:49 +00:00
|
|
|
self.live = strategy.dp.runmode in (RunMode.DRY_RUN, RunMode.LIVE)
|
2022-07-02 16:09:38 +00:00
|
|
|
self.dd.set_pair_dict_info(metadata)
|
2022-09-14 22:56:51 +00:00
|
|
|
self.strategy = strategy
|
2022-05-09 13:25:00 +00:00
|
|
|
|
2022-05-22 15:51:49 +00:00
|
|
|
if self.live:
|
2022-08-14 14:41:50 +00:00
|
|
|
self.inference_timer('start')
|
2022-07-26 08:24:14 +00:00
|
|
|
self.dk = FreqaiDataKitchen(self.config, self.live, metadata["pair"])
|
2022-07-02 16:09:38 +00:00
|
|
|
dk = self.start_live(dataframe, metadata, strategy, self.dk)
|
2022-05-09 13:25:00 +00:00
|
|
|
|
2022-05-25 09:31:03 +00:00
|
|
|
# For backtesting, each pair enters and then gets trained for each window along the
|
2022-07-10 10:34:09 +00:00
|
|
|
# sliding window defined by "train_period_days" (training window) and "live_retrain_hours"
|
2022-05-25 09:31:03 +00:00
|
|
|
# (backtest window, i.e. window immediately following the training window).
|
|
|
|
# FreqAI slides the window and sequentially builds the backtesting results before returning
|
|
|
|
# the concatenated results for the full backtesting period back to the strategy.
|
2022-05-30 19:35:48 +00:00
|
|
|
elif not self.follow_mode:
|
2022-07-26 08:24:14 +00:00
|
|
|
self.dk = FreqaiDataKitchen(self.config, self.live, metadata["pair"])
|
2022-07-03 08:59:38 +00:00
|
|
|
logger.info(f"Training {len(self.dk.training_timeranges)} timeranges")
|
2022-09-03 12:00:01 +00:00
|
|
|
dataframe = self.dk.use_strategy_to_populate_indicators(
|
|
|
|
strategy, prediction_dataframe=dataframe, pair=metadata["pair"]
|
|
|
|
)
|
2022-07-02 16:09:38 +00:00
|
|
|
dk = self.start_backtesting(dataframe, metadata, self.dk)
|
2022-05-25 09:31:03 +00:00
|
|
|
|
2022-07-22 10:17:15 +00:00
|
|
|
dataframe = dk.remove_features_from_df(dk.return_dataframe)
|
2022-08-22 11:30:30 +00:00
|
|
|
self.clean_up()
|
2022-08-14 14:41:50 +00:00
|
|
|
if self.live:
|
|
|
|
self.inference_timer('stop')
|
2022-07-09 08:13:33 +00:00
|
|
|
return dataframe
|
2022-06-08 04:14:01 +00:00
|
|
|
|
2022-08-22 11:30:30 +00:00
|
|
|
def clean_up(self):
|
|
|
|
"""
|
|
|
|
Objects that should be handled by GC already between coins, but
|
|
|
|
are explicitly shown here to help demonstrate the non-persistence of these
|
|
|
|
objects.
|
|
|
|
"""
|
|
|
|
self.model = None
|
|
|
|
self.dk = None
|
|
|
|
|
2022-09-28 03:06:05 +00:00
|
|
|
def _on_stop(self):
|
|
|
|
"""
|
|
|
|
Callback for Subclasses to override to include logic for shutting down resources
|
|
|
|
when SIGINT is sent.
|
|
|
|
"""
|
|
|
|
return
|
|
|
|
|
2022-09-03 19:24:14 +00:00
|
|
|
def shutdown(self):
|
|
|
|
"""
|
|
|
|
Cleans up threads on Shutdown, set stop event. Join threads to wait
|
|
|
|
for current training iteration.
|
|
|
|
"""
|
|
|
|
logger.info("Stopping FreqAI")
|
|
|
|
self._stop_event.set()
|
|
|
|
|
2022-09-28 03:06:05 +00:00
|
|
|
self._on_stop()
|
|
|
|
|
2022-09-03 19:24:14 +00:00
|
|
|
logger.info("Waiting on Training iteration")
|
|
|
|
for _thread in self._threads:
|
|
|
|
_thread.join()
|
|
|
|
|
|
|
|
def start_scanning(self, *args, **kwargs) -> None:
|
|
|
|
"""
|
|
|
|
Start `self._start_scanning` in a separate thread
|
|
|
|
"""
|
|
|
|
_thread = threading.Thread(target=self._start_scanning, args=args, kwargs=kwargs)
|
|
|
|
self._threads.append(_thread)
|
|
|
|
_thread.start()
|
|
|
|
|
|
|
|
def _start_scanning(self, strategy: IStrategy) -> None:
|
2022-06-17 14:16:23 +00:00
|
|
|
"""
|
|
|
|
Function designed to constantly scan pairs for retraining on a separate thread (intracandle)
|
|
|
|
to improve model youth. This function is agnostic to data preparation/collection/storage,
|
2022-07-02 16:09:38 +00:00
|
|
|
it simply trains on what ever data is available in the self.dd.
|
2022-07-24 14:51:48 +00:00
|
|
|
:param strategy: IStrategy = The user defined strategy class
|
2022-06-17 14:16:23 +00:00
|
|
|
"""
|
2022-09-03 19:24:14 +00:00
|
|
|
while not self._stop_event.is_set():
|
2022-06-27 09:35:33 +00:00
|
|
|
time.sleep(1)
|
2022-09-18 15:00:55 +00:00
|
|
|
pair = self.train_queue[0]
|
|
|
|
|
|
|
|
# ensure pair is avaialble in dp
|
|
|
|
if pair not in strategy.dp.current_whitelist():
|
|
|
|
self.train_queue.popleft()
|
|
|
|
logger.warning(f'{pair} not in current whitelist, removing from train queue.')
|
|
|
|
continue
|
|
|
|
|
|
|
|
(_, trained_timestamp, _) = self.dd.get_pair_dict_info(pair)
|
|
|
|
|
|
|
|
dk = FreqaiDataKitchen(self.config, self.live, pair)
|
|
|
|
dk.set_paths(pair, trained_timestamp)
|
|
|
|
(
|
|
|
|
retrain,
|
|
|
|
new_trained_timerange,
|
|
|
|
data_load_timerange,
|
|
|
|
) = dk.check_if_new_training_required(trained_timestamp)
|
|
|
|
dk.set_paths(pair, new_trained_timerange.stopts)
|
|
|
|
|
|
|
|
if retrain:
|
|
|
|
self.train_timer('start')
|
2022-09-19 18:39:19 +00:00
|
|
|
try:
|
2022-09-03 13:52:29 +00:00
|
|
|
self.extract_data_and_train_model(
|
2022-07-03 08:59:38 +00:00
|
|
|
new_trained_timerange, pair, strategy, dk, data_load_timerange
|
|
|
|
)
|
2022-09-19 18:39:19 +00:00
|
|
|
except Exception as msg:
|
|
|
|
logger.warning(f'Training {pair} raised exception {msg}, skipping.')
|
|
|
|
|
2022-09-18 15:00:55 +00:00
|
|
|
self.train_timer('stop')
|
|
|
|
|
|
|
|
# only rotate the queue after the first has been trained.
|
|
|
|
self.train_queue.rotate(-1)
|
2022-05-06 14:20:52 +00:00
|
|
|
|
2022-09-18 15:00:55 +00:00
|
|
|
self.dd.save_historic_predictions_to_disk()
|
2022-08-14 14:41:50 +00:00
|
|
|
|
2022-07-03 08:59:38 +00:00
|
|
|
def start_backtesting(
|
|
|
|
self, dataframe: DataFrame, metadata: dict, dk: FreqaiDataKitchen
|
|
|
|
) -> FreqaiDataKitchen:
|
2022-05-25 09:31:03 +00:00
|
|
|
"""
|
|
|
|
The main broad execution for backtesting. For backtesting, each pair enters and then gets
|
2022-07-10 10:34:09 +00:00
|
|
|
trained for each window along the sliding window defined by "train_period_days"
|
|
|
|
(training window) and "backtest_period_days" (backtest window, i.e. window immediately
|
|
|
|
following the training window). FreqAI slides the window and sequentially builds
|
|
|
|
the backtesting results before returning the concatenated results for the full
|
|
|
|
backtesting period back to the strategy.
|
2022-07-24 14:51:48 +00:00
|
|
|
:param dataframe: DataFrame = strategy passed dataframe
|
|
|
|
:param metadata: Dict = pair metadata
|
|
|
|
:param dk: FreqaiDataKitchen = Data management/analysis tool associated to present pair only
|
|
|
|
:return:
|
|
|
|
FreqaiDataKitchen = Data management/analysis tool associated to present pair only
|
2022-05-25 09:31:03 +00:00
|
|
|
"""
|
2022-05-03 08:14:17 +00:00
|
|
|
|
2022-07-21 11:22:12 +00:00
|
|
|
self.pair_it += 1
|
|
|
|
train_it = 0
|
2022-05-15 14:25:08 +00:00
|
|
|
# Loop enforcing the sliding window training/backtesting paradigm
|
2022-05-03 08:14:17 +00:00
|
|
|
# tr_train is the training time range e.g. 1 historical month
|
2022-05-04 15:42:34 +00:00
|
|
|
# tr_backtest is the backtesting time range e.g. the week directly
|
|
|
|
# following tr_train. Both of these windows slide through the
|
2022-05-03 08:14:17 +00:00
|
|
|
# entire backtest
|
2022-07-03 08:59:38 +00:00
|
|
|
for tr_train, tr_backtest in zip(dk.training_timeranges, dk.backtesting_timeranges):
|
2022-09-24 08:34:14 +00:00
|
|
|
pair = metadata["pair"]
|
|
|
|
(_, _, _) = self.dd.get_pair_dict_info(pair)
|
2022-07-21 11:22:12 +00:00
|
|
|
train_it += 1
|
|
|
|
total_trains = len(dk.backtesting_timeranges)
|
2022-05-05 13:35:51 +00:00
|
|
|
self.training_timerange = tr_train
|
2022-07-02 16:09:38 +00:00
|
|
|
dataframe_train = dk.slice_dataframe(tr_train, dataframe)
|
|
|
|
dataframe_backtest = dk.slice_dataframe(tr_backtest, dataframe)
|
2022-05-31 16:42:27 +00:00
|
|
|
|
2022-07-20 10:56:46 +00:00
|
|
|
trained_timestamp = tr_train
|
2022-09-06 17:46:58 +00:00
|
|
|
tr_train_startts_str = datetime.fromtimestamp(
|
|
|
|
tr_train.startts,
|
2022-09-09 18:17:34 +00:00
|
|
|
tz=timezone.utc).strftime(DATETIME_PRINT_FORMAT)
|
2022-09-06 17:46:58 +00:00
|
|
|
tr_train_stopts_str = datetime.fromtimestamp(
|
|
|
|
tr_train.stopts,
|
2022-09-09 18:17:34 +00:00
|
|
|
tz=timezone.utc).strftime(DATETIME_PRINT_FORMAT)
|
2022-07-21 11:22:12 +00:00
|
|
|
logger.info(
|
2022-09-24 11:21:01 +00:00
|
|
|
f"Training {pair}, {self.pair_it}/{self.total_pairs} pairs"
|
2022-07-21 11:22:12 +00:00
|
|
|
f" from {tr_train_startts_str} to {tr_train_stopts_str}, {train_it}/{total_trains} "
|
|
|
|
"trains"
|
|
|
|
)
|
2022-07-03 08:59:38 +00:00
|
|
|
|
2022-08-31 14:23:48 +00:00
|
|
|
trained_timestamp_int = int(trained_timestamp.stopts)
|
2022-07-03 08:59:38 +00:00
|
|
|
dk.data_path = Path(
|
2022-09-24 08:34:14 +00:00
|
|
|
dk.full_path / f"sub-train-{pair.split('/')[0]}_{trained_timestamp_int}"
|
2022-07-03 08:59:38 +00:00
|
|
|
)
|
2022-05-03 08:14:17 +00:00
|
|
|
|
2022-09-24 08:34:14 +00:00
|
|
|
dk.set_new_model_names(pair, trained_timestamp)
|
2022-05-03 08:14:17 +00:00
|
|
|
|
2022-09-03 12:00:01 +00:00
|
|
|
if dk.check_if_backtest_prediction_exists():
|
2022-09-24 11:21:01 +00:00
|
|
|
self.dd.load_metadata(dk)
|
2022-10-01 11:14:59 +00:00
|
|
|
dk.find_features(dataframe_train)
|
|
|
|
self.check_if_feature_list_matches_strategy(dk)
|
2022-09-01 10:09:23 +00:00
|
|
|
append_df = dk.get_backtesting_prediction()
|
2022-08-31 14:23:48 +00:00
|
|
|
dk.append_predictions(append_df)
|
|
|
|
else:
|
2022-09-25 09:18:10 +00:00
|
|
|
if not self.model_exists(dk):
|
2022-08-31 14:23:48 +00:00
|
|
|
dk.find_features(dataframe_train)
|
2022-09-25 09:18:10 +00:00
|
|
|
dk.find_labels(dataframe_train)
|
2022-09-24 08:34:14 +00:00
|
|
|
self.model = self.train(dataframe_train, pair, dk)
|
|
|
|
self.dd.pair_dict[pair]["trained_timestamp"] = int(
|
2022-08-31 14:23:48 +00:00
|
|
|
trained_timestamp.stopts)
|
2022-09-25 09:18:10 +00:00
|
|
|
if self.plot_features:
|
|
|
|
plot_feature_importance(self.model, pair, dk, self.plot_features)
|
2022-09-03 12:00:01 +00:00
|
|
|
if self.save_backtest_models:
|
|
|
|
logger.info('Saving backtest model to disk.')
|
2022-09-24 08:34:14 +00:00
|
|
|
self.dd.save_data(self.model, pair, dk)
|
2022-09-25 09:18:10 +00:00
|
|
|
else:
|
|
|
|
logger.info('Saving metadata to disk.')
|
2022-09-25 18:22:19 +00:00
|
|
|
self.dd.save_metadata(dk)
|
2022-08-31 14:23:48 +00:00
|
|
|
else:
|
2022-09-24 08:34:14 +00:00
|
|
|
self.model = self.dd.load_data(pair, dk)
|
2022-08-31 14:23:48 +00:00
|
|
|
|
|
|
|
pred_df, do_preds = self.predict(dataframe_backtest, dk)
|
|
|
|
append_df = dk.get_predictions_to_append(pred_df, do_preds)
|
|
|
|
dk.append_predictions(append_df)
|
2022-09-01 10:09:23 +00:00
|
|
|
dk.save_backtesting_prediction(append_df)
|
2022-05-04 15:42:34 +00:00
|
|
|
|
2022-07-03 15:34:44 +00:00
|
|
|
dk.fill_predictions(dataframe)
|
2022-05-03 08:14:17 +00:00
|
|
|
|
2022-07-02 16:09:38 +00:00
|
|
|
return dk
|
2022-05-03 08:14:17 +00:00
|
|
|
|
2022-07-03 08:59:38 +00:00
|
|
|
def start_live(
|
|
|
|
self, dataframe: DataFrame, metadata: dict, strategy: IStrategy, dk: FreqaiDataKitchen
|
|
|
|
) -> FreqaiDataKitchen:
|
2022-05-17 15:13:38 +00:00
|
|
|
"""
|
|
|
|
The main broad execution for dry/live. This function will check if a retraining should be
|
|
|
|
performed, and if so, retrain and reset the model.
|
2022-07-24 14:51:48 +00:00
|
|
|
:param dataframe: DataFrame = strategy passed dataframe
|
|
|
|
:param metadata: Dict = pair metadata
|
|
|
|
:param strategy: IStrategy = currently employed strategy
|
|
|
|
dk: FreqaiDataKitchen = Data management/analysis tool associated to present pair only
|
2022-05-25 09:31:03 +00:00
|
|
|
:returns:
|
2022-07-24 14:51:48 +00:00
|
|
|
dk: FreqaiDataKitchen = Data management/analysis tool associated to present pair only
|
2022-05-17 15:13:38 +00:00
|
|
|
"""
|
2022-05-09 13:25:00 +00:00
|
|
|
|
2022-06-03 13:19:46 +00:00
|
|
|
# update follower
|
2022-05-31 09:58:21 +00:00
|
|
|
if self.follow_mode:
|
2022-07-02 16:09:38 +00:00
|
|
|
self.dd.update_follower_metadata()
|
2022-05-31 09:58:21 +00:00
|
|
|
|
2022-06-03 13:19:46 +00:00
|
|
|
# get the model metadata associated with the current pair
|
2022-07-26 13:58:40 +00:00
|
|
|
(_, trained_timestamp, return_null_array) = self.dd.get_pair_dict_info(metadata["pair"])
|
2022-05-30 19:35:48 +00:00
|
|
|
|
2022-07-28 05:24:30 +00:00
|
|
|
# if the metadata doesn't exist, the follower returns null arrays to strategy
|
2022-05-30 19:35:48 +00:00
|
|
|
if self.follow_mode and return_null_array:
|
2022-07-03 08:59:38 +00:00
|
|
|
logger.info("Returning null array from follower to strategy")
|
2022-07-02 16:09:38 +00:00
|
|
|
self.dd.return_null_values_to_strategy(dataframe, dk)
|
|
|
|
return dk
|
2022-05-28 10:23:26 +00:00
|
|
|
|
2022-06-03 13:19:46 +00:00
|
|
|
# append the historic data once per round
|
2022-07-02 16:09:38 +00:00
|
|
|
if self.dd.historic_data:
|
2022-07-26 08:24:14 +00:00
|
|
|
self.dd.update_historic_data(strategy, dk)
|
2022-06-28 13:12:25 +00:00
|
|
|
logger.debug(f'Updating historic data on pair {metadata["pair"]}')
|
2022-06-03 13:19:46 +00:00
|
|
|
|
2022-06-08 04:14:01 +00:00
|
|
|
if not self.follow_mode:
|
2022-05-24 10:01:01 +00:00
|
|
|
|
2022-07-03 08:59:38 +00:00
|
|
|
(_, new_trained_timerange, data_load_timerange) = dk.check_if_new_training_required(
|
|
|
|
trained_timestamp
|
|
|
|
)
|
|
|
|
dk.set_paths(metadata["pair"], new_trained_timerange.stopts)
|
2022-05-24 10:01:01 +00:00
|
|
|
|
2022-08-17 13:22:48 +00:00
|
|
|
# load candle history into memory if it is not yet.
|
2022-07-02 16:09:38 +00:00
|
|
|
if not self.dd.historic_data:
|
2022-07-26 08:24:14 +00:00
|
|
|
self.dd.load_all_pair_histories(data_load_timerange, dk)
|
2022-06-03 13:19:46 +00:00
|
|
|
|
2022-06-15 22:21:15 +00:00
|
|
|
if not self.scanning:
|
2022-06-08 04:14:01 +00:00
|
|
|
self.scanning = True
|
|
|
|
self.start_scanning(strategy)
|
|
|
|
|
2022-05-30 19:35:48 +00:00
|
|
|
elif self.follow_mode:
|
2022-07-03 08:59:38 +00:00
|
|
|
dk.set_paths(metadata["pair"], trained_timestamp)
|
|
|
|
logger.info(
|
2022-07-25 07:24:40 +00:00
|
|
|
"FreqAI instance set to follow_mode, finding existing pair "
|
2022-07-03 08:59:38 +00:00
|
|
|
f"using { self.identifier }"
|
|
|
|
)
|
2022-05-09 13:25:00 +00:00
|
|
|
|
2022-06-03 13:19:46 +00:00
|
|
|
# load the model and associated data into the data kitchen
|
2022-07-26 08:24:14 +00:00
|
|
|
self.model = self.dd.load_data(metadata["pair"], dk)
|
2022-06-17 12:55:40 +00:00
|
|
|
|
2022-08-14 18:24:29 +00:00
|
|
|
with self.analysis_lock:
|
|
|
|
dataframe = self.dk.use_strategy_to_populate_indicators(
|
|
|
|
strategy, prediction_dataframe=dataframe, pair=metadata["pair"]
|
|
|
|
)
|
2022-07-21 10:24:22 +00:00
|
|
|
|
2022-06-15 22:21:15 +00:00
|
|
|
if not self.model:
|
2022-07-06 16:20:21 +00:00
|
|
|
logger.warning(
|
|
|
|
f"No model ready for {metadata['pair']}, returning null values to strategy."
|
|
|
|
)
|
2022-07-02 16:09:38 +00:00
|
|
|
self.dd.return_null_values_to_strategy(dataframe, dk)
|
|
|
|
return dk
|
2022-05-09 13:25:00 +00:00
|
|
|
|
2022-09-25 09:18:10 +00:00
|
|
|
dk.find_labels(dataframe)
|
2022-05-09 13:25:00 +00:00
|
|
|
|
2022-07-03 08:59:38 +00:00
|
|
|
self.build_strategy_return_arrays(dataframe, dk, metadata["pair"], trained_timestamp)
|
2022-06-17 12:55:40 +00:00
|
|
|
|
2022-07-02 16:09:38 +00:00
|
|
|
return dk
|
2022-06-17 12:55:40 +00:00
|
|
|
|
2022-07-03 08:59:38 +00:00
|
|
|
def build_strategy_return_arrays(
|
|
|
|
self, dataframe: DataFrame, dk: FreqaiDataKitchen, pair: str, trained_timestamp: int
|
|
|
|
) -> None:
|
2022-06-17 12:55:40 +00:00
|
|
|
|
2022-06-03 13:19:46 +00:00
|
|
|
# hold the historical predictions in memory so we are sending back
|
2022-07-01 12:00:30 +00:00
|
|
|
# correct array to strategy
|
2022-06-17 12:55:40 +00:00
|
|
|
|
2022-07-02 16:09:38 +00:00
|
|
|
if pair not in self.dd.model_return_values:
|
2022-07-22 10:17:15 +00:00
|
|
|
# first predictions are made on entire historical candle set coming from strategy. This
|
|
|
|
# allows FreqUI to show full return values.
|
2022-07-02 16:09:38 +00:00
|
|
|
pred_df, do_preds = self.predict(dataframe, dk)
|
2022-08-10 13:16:50 +00:00
|
|
|
if pair not in self.dd.historic_predictions:
|
2022-10-02 16:33:39 +00:00
|
|
|
self.set_initial_historic_predictions(pred_df, dk, pair, dataframe)
|
2022-08-12 14:12:28 +00:00
|
|
|
self.dd.set_initial_return_values(pair, pred_df)
|
2022-08-12 11:13:08 +00:00
|
|
|
|
2022-07-02 16:09:38 +00:00
|
|
|
dk.return_dataframe = self.dd.attach_return_values_to_return_dataframe(pair, dataframe)
|
2022-06-17 12:55:40 +00:00
|
|
|
return
|
2022-07-02 16:09:38 +00:00
|
|
|
elif self.dk.check_if_model_expired(trained_timestamp):
|
|
|
|
pred_df = DataFrame(np.zeros((2, len(dk.label_list))), columns=dk.label_list)
|
2022-07-29 06:12:50 +00:00
|
|
|
do_preds = np.ones(2, dtype=np.int_) * 2
|
|
|
|
dk.DI_values = np.zeros(2)
|
2022-07-03 08:59:38 +00:00
|
|
|
logger.warning(
|
2022-07-05 10:42:32 +00:00
|
|
|
f"Model expired for {pair}, returning null values to strategy. Strategy "
|
2022-07-03 08:59:38 +00:00
|
|
|
"construction should take care to consider this event with "
|
|
|
|
"prediction == 0 and do_predict == 2"
|
|
|
|
)
|
2022-05-30 09:37:05 +00:00
|
|
|
else:
|
2022-07-22 10:17:15 +00:00
|
|
|
# remaining predictions are made only on the most recent candles for performance and
|
|
|
|
# historical accuracy reasons.
|
2022-07-02 16:09:38 +00:00
|
|
|
pred_df, do_preds = self.predict(dataframe.iloc[-self.CONV_WIDTH:], dk, first=False)
|
|
|
|
|
2022-08-10 13:16:50 +00:00
|
|
|
if self.freqai_info.get('fit_live_predictions_candles', 0) and self.live:
|
2022-08-10 17:44:22 +00:00
|
|
|
self.fit_live_predictions(dk, pair)
|
2022-10-02 16:33:39 +00:00
|
|
|
self.dd.append_model_predictions(pair, pred_df, do_preds, dk, dataframe)
|
2022-07-02 16:09:38 +00:00
|
|
|
dk.return_dataframe = self.dd.attach_return_values_to_return_dataframe(pair, dataframe)
|
2022-05-03 08:14:17 +00:00
|
|
|
|
2022-06-17 12:55:40 +00:00
|
|
|
return
|
2022-05-03 08:14:17 +00:00
|
|
|
|
2022-07-03 08:59:38 +00:00
|
|
|
def check_if_feature_list_matches_strategy(
|
2022-10-01 11:14:59 +00:00
|
|
|
self, dk: FreqaiDataKitchen
|
2022-07-03 08:59:38 +00:00
|
|
|
) -> None:
|
2022-06-03 13:19:46 +00:00
|
|
|
"""
|
|
|
|
Ensure user is passing the proper feature set if they are reusing an `identifier` pointing
|
|
|
|
to a folder holding existing models.
|
2022-07-24 14:51:48 +00:00
|
|
|
:param dataframe: DataFrame = strategy provided dataframe
|
|
|
|
:param dk: FreqaiDataKitchen = non-persistent data container/analyzer for
|
|
|
|
current coin/bot loop
|
2022-06-03 13:19:46 +00:00
|
|
|
"""
|
2022-10-01 11:14:59 +00:00
|
|
|
|
2022-07-03 08:59:38 +00:00
|
|
|
if "training_features_list_raw" in dk.data:
|
|
|
|
feature_list = dk.data["training_features_list_raw"]
|
2022-05-28 09:11:41 +00:00
|
|
|
else:
|
2022-09-24 11:21:01 +00:00
|
|
|
feature_list = dk.data['training_features_list']
|
2022-09-30 22:22:05 +00:00
|
|
|
|
2022-07-02 16:09:38 +00:00
|
|
|
if dk.training_features_list != feature_list:
|
2022-07-03 08:59:38 +00:00
|
|
|
raise OperationalException(
|
|
|
|
"Trying to access pretrained model with `identifier` "
|
|
|
|
"but found different features furnished by current strategy."
|
2022-07-28 05:24:30 +00:00
|
|
|
"Change `identifier` to train from scratch, or ensure the"
|
2022-07-03 08:59:38 +00:00
|
|
|
"strategy is furnishing the same features as the pretrained"
|
2022-09-24 11:21:01 +00:00
|
|
|
"model. In case of --strategy-list, please be aware that FreqAI "
|
|
|
|
"requires all strategies to maintain identical "
|
|
|
|
"populate_any_indicator() functions"
|
2022-07-03 08:59:38 +00:00
|
|
|
)
|
2022-05-26 19:07:50 +00:00
|
|
|
|
2022-07-02 16:09:38 +00:00
|
|
|
def data_cleaning_train(self, dk: FreqaiDataKitchen) -> None:
|
2022-05-22 15:51:49 +00:00
|
|
|
"""
|
2022-08-19 16:35:24 +00:00
|
|
|
Base data cleaning method for train.
|
|
|
|
Functions here improve/modify the input data by identifying outliers,
|
|
|
|
computing additional metrics, adding noise, reducing dimensionality etc.
|
2022-05-22 15:51:49 +00:00
|
|
|
"""
|
2022-05-26 19:07:50 +00:00
|
|
|
|
2022-08-18 17:15:29 +00:00
|
|
|
ft_params = self.freqai_info["feature_parameters"]
|
|
|
|
|
2022-09-07 16:45:16 +00:00
|
|
|
if ft_params.get('inlier_metric_window', 0):
|
|
|
|
dk.compute_inlier_metric(set_='train')
|
|
|
|
if self.freqai_info["data_split_parameters"]["test_size"] > 0:
|
|
|
|
dk.compute_inlier_metric(set_='test')
|
|
|
|
|
2022-08-18 17:15:29 +00:00
|
|
|
if ft_params.get(
|
2022-07-12 16:09:17 +00:00
|
|
|
"principal_component_analysis", False
|
|
|
|
):
|
2022-07-02 16:09:38 +00:00
|
|
|
dk.principal_component_analysis()
|
2022-05-22 15:51:49 +00:00
|
|
|
|
2022-08-18 17:15:29 +00:00
|
|
|
if ft_params.get("use_SVM_to_remove_outliers", False):
|
2022-07-02 16:09:38 +00:00
|
|
|
dk.use_SVM_to_remove_outliers(predict=False)
|
2022-05-23 10:07:09 +00:00
|
|
|
|
2022-08-18 17:15:29 +00:00
|
|
|
if ft_params.get("DI_threshold", 0):
|
2022-07-02 16:09:38 +00:00
|
|
|
dk.data["avg_mean_dist"] = dk.compute_distances()
|
2022-05-23 10:07:09 +00:00
|
|
|
|
2022-08-18 17:15:29 +00:00
|
|
|
if ft_params.get("use_DBSCAN_to_remove_outliers", False):
|
2022-08-04 15:41:58 +00:00
|
|
|
if dk.pair in self.dd.old_DBSCAN_eps:
|
|
|
|
eps = self.dd.old_DBSCAN_eps[dk.pair]
|
|
|
|
else:
|
|
|
|
eps = None
|
|
|
|
dk.use_DBSCAN_to_remove_outliers(predict=False, eps=eps)
|
|
|
|
self.dd.old_DBSCAN_eps[dk.pair] = dk.data['DBSCAN_eps']
|
2022-08-04 10:14:56 +00:00
|
|
|
|
2022-08-19 16:35:24 +00:00
|
|
|
if self.freqai_info["feature_parameters"].get('noise_standard_deviation', 0):
|
|
|
|
dk.add_noise_to_training_features()
|
|
|
|
|
2022-10-01 12:18:46 +00:00
|
|
|
def data_cleaning_predict(self, dk: FreqaiDataKitchen) -> None:
|
2022-05-22 15:51:49 +00:00
|
|
|
"""
|
2022-05-23 10:07:09 +00:00
|
|
|
Base data cleaning method for predict.
|
2022-08-19 16:35:24 +00:00
|
|
|
Functions here are complementary to the functions of data_cleaning_train.
|
2022-05-22 15:51:49 +00:00
|
|
|
"""
|
2022-08-18 17:15:29 +00:00
|
|
|
ft_params = self.freqai_info["feature_parameters"]
|
|
|
|
|
2022-10-01 12:18:46 +00:00
|
|
|
# ensure user is feeding the correct indicators to the model
|
|
|
|
self.check_if_feature_list_matches_strategy(dk)
|
|
|
|
|
2022-08-18 17:15:29 +00:00
|
|
|
if ft_params.get('inlier_metric_window', 0):
|
|
|
|
dk.compute_inlier_metric(set_='predict')
|
|
|
|
|
|
|
|
if ft_params.get(
|
2022-07-12 16:09:17 +00:00
|
|
|
"principal_component_analysis", False
|
|
|
|
):
|
2022-09-25 09:18:10 +00:00
|
|
|
dk.pca_transform(dk.data_dictionary['prediction_features'])
|
2022-05-23 10:07:09 +00:00
|
|
|
|
2022-08-18 17:15:29 +00:00
|
|
|
if ft_params.get("use_SVM_to_remove_outliers", False):
|
2022-07-02 16:09:38 +00:00
|
|
|
dk.use_SVM_to_remove_outliers(predict=True)
|
2022-05-23 10:07:09 +00:00
|
|
|
|
2022-08-18 17:15:29 +00:00
|
|
|
if ft_params.get("DI_threshold", 0):
|
2022-07-02 16:09:38 +00:00
|
|
|
dk.check_if_pred_in_training_spaces()
|
2022-05-25 09:31:03 +00:00
|
|
|
|
2022-08-18 17:15:29 +00:00
|
|
|
if ft_params.get("use_DBSCAN_to_remove_outliers", False):
|
2022-08-04 10:14:56 +00:00
|
|
|
dk.use_DBSCAN_to_remove_outliers(predict=True)
|
|
|
|
|
2022-09-25 09:18:10 +00:00
|
|
|
def model_exists(self, dk: FreqaiDataKitchen) -> bool:
|
2022-05-03 08:14:17 +00:00
|
|
|
"""
|
|
|
|
Given a pair and path, check if a model already exists
|
|
|
|
:param pair: pair e.g. BTC/USD
|
|
|
|
:param path: path to model
|
2022-07-22 10:17:15 +00:00
|
|
|
:return:
|
|
|
|
:boolean: whether the model file exists or not.
|
2022-05-03 08:14:17 +00:00
|
|
|
"""
|
2022-09-25 09:18:10 +00:00
|
|
|
path_to_modelfile = Path(dk.data_path / f"{dk.model_filename}_model.joblib")
|
2022-05-04 15:42:34 +00:00
|
|
|
file_exists = path_to_modelfile.is_file()
|
2022-09-25 09:18:10 +00:00
|
|
|
if file_exists:
|
2022-07-02 16:09:38 +00:00
|
|
|
logger.info("Found model at %s", dk.data_path / dk.model_filename)
|
2022-09-25 09:18:10 +00:00
|
|
|
else:
|
2022-07-02 16:09:38 +00:00
|
|
|
logger.info("Could not find model at %s", dk.data_path / dk.model_filename)
|
2022-05-03 08:14:17 +00:00
|
|
|
return file_exists
|
2022-05-19 19:15:58 +00:00
|
|
|
|
2022-05-23 19:05:05 +00:00
|
|
|
def set_full_path(self) -> None:
|
2022-07-03 08:59:38 +00:00
|
|
|
self.full_path = Path(
|
2022-07-29 06:12:50 +00:00
|
|
|
self.config["user_data_dir"] / "models" / f"{self.freqai_info['identifier']}"
|
2022-07-03 08:59:38 +00:00
|
|
|
)
|
2022-06-26 21:03:48 +00:00
|
|
|
self.full_path.mkdir(parents=True, exist_ok=True)
|
2022-07-03 08:59:38 +00:00
|
|
|
shutil.copy(
|
|
|
|
self.config["config_files"][0],
|
|
|
|
Path(self.full_path, Path(self.config["config_files"][0]).name),
|
|
|
|
)
|
2022-06-26 21:03:48 +00:00
|
|
|
|
2022-09-03 13:52:29 +00:00
|
|
|
def extract_data_and_train_model(
|
2022-07-03 08:59:38 +00:00
|
|
|
self,
|
|
|
|
new_trained_timerange: TimeRange,
|
|
|
|
pair: str,
|
|
|
|
strategy: IStrategy,
|
|
|
|
dk: FreqaiDataKitchen,
|
|
|
|
data_load_timerange: TimeRange,
|
|
|
|
):
|
2022-06-03 13:19:46 +00:00
|
|
|
"""
|
2022-08-22 11:30:30 +00:00
|
|
|
Retrieve data and train model.
|
2022-07-24 14:51:48 +00:00
|
|
|
:param new_trained_timerange: TimeRange = the timerange to train the model on
|
|
|
|
:param metadata: dict = strategy provided metadata
|
|
|
|
:param strategy: IStrategy = user defined strategy object
|
|
|
|
:param dk: FreqaiDataKitchen = non-persistent data container for current coin/loop
|
|
|
|
:param data_load_timerange: TimeRange = the amount of data to be loaded
|
|
|
|
for populate_any_indicators
|
|
|
|
(larger than new_trained_timerange so that
|
|
|
|
new_trained_timerange does not contain any NaNs)
|
2022-06-03 13:19:46 +00:00
|
|
|
"""
|
2022-07-01 12:00:30 +00:00
|
|
|
|
2022-07-26 08:24:14 +00:00
|
|
|
corr_dataframes, base_dataframes = self.dd.get_base_and_corr_dataframes(
|
|
|
|
data_load_timerange, pair, dk
|
2022-07-03 08:59:38 +00:00
|
|
|
)
|
2022-05-19 19:15:58 +00:00
|
|
|
|
2022-08-14 18:24:29 +00:00
|
|
|
with self.analysis_lock:
|
|
|
|
unfiltered_dataframe = dk.use_strategy_to_populate_indicators(
|
|
|
|
strategy, corr_dataframes, base_dataframes, pair
|
|
|
|
)
|
2022-05-19 19:15:58 +00:00
|
|
|
|
2022-07-02 16:09:38 +00:00
|
|
|
unfiltered_dataframe = dk.slice_dataframe(new_trained_timerange, unfiltered_dataframe)
|
|
|
|
|
|
|
|
# find the features indicated by strategy and store in datakitchen
|
|
|
|
dk.find_features(unfiltered_dataframe)
|
2022-09-25 09:18:10 +00:00
|
|
|
dk.find_labels(unfiltered_dataframe)
|
2022-05-31 16:42:27 +00:00
|
|
|
|
2022-07-02 16:09:38 +00:00
|
|
|
model = self.train(unfiltered_dataframe, pair, dk)
|
2022-05-23 19:05:05 +00:00
|
|
|
|
2022-07-03 08:59:38 +00:00
|
|
|
self.dd.pair_dict[pair]["trained_timestamp"] = new_trained_timerange.stopts
|
2022-07-02 16:09:38 +00:00
|
|
|
dk.set_new_model_names(pair, new_trained_timerange)
|
2022-07-26 08:24:14 +00:00
|
|
|
self.dd.save_data(model, pair, dk)
|
2022-06-16 14:12:38 +00:00
|
|
|
|
2022-09-25 09:18:10 +00:00
|
|
|
if self.plot_features:
|
|
|
|
plot_feature_importance(model, pair, dk, self.plot_features)
|
2022-09-17 15:53:43 +00:00
|
|
|
|
2022-07-03 08:59:38 +00:00
|
|
|
if self.freqai_info.get("purge_old_models", False):
|
2022-07-02 16:09:38 +00:00
|
|
|
self.dd.purge_old_models()
|
2022-05-23 10:07:09 +00:00
|
|
|
|
2022-07-12 16:09:17 +00:00
|
|
|
def set_initial_historic_predictions(
|
2022-10-02 16:33:39 +00:00
|
|
|
self, pred_df: DataFrame, dk: FreqaiDataKitchen, pair: str, strat_df: DataFrame
|
2022-07-12 16:09:17 +00:00
|
|
|
) -> None:
|
2022-08-02 18:14:02 +00:00
|
|
|
"""
|
|
|
|
This function is called only if the datadrawer failed to load an
|
|
|
|
existing set of historic predictions. In this case, it builds
|
|
|
|
the structure and sets fake predictions off the first training
|
|
|
|
data. After that, FreqAI will append new real predictions to the
|
|
|
|
set of historic predictions.
|
|
|
|
|
|
|
|
These values are used to generate live statistics which can be used
|
|
|
|
in the strategy for adaptive values. E.g. &*_mean/std are quantities
|
|
|
|
that can computed based on live predictions from the set of historical
|
|
|
|
predictions. Those values can be used in the user strategy to better
|
|
|
|
assess prediction rarity, and thus wait for probabilistically favorable
|
|
|
|
entries relative to the live historical predictions.
|
|
|
|
|
|
|
|
If the user reuses an identifier on a subsequent instance,
|
|
|
|
this function will not be called. In that case, "real" predictions
|
|
|
|
will be appended to the loaded set of historic predictions.
|
|
|
|
:param: df: DataFrame = the dataframe containing the training feature data
|
2022-08-06 13:02:35 +00:00
|
|
|
:param: model: Any = A model which was `fit` using a common library such as
|
2022-08-02 18:14:02 +00:00
|
|
|
catboost or lightgbm
|
|
|
|
:param: dk: FreqaiDataKitchen = object containing methods for data analysis
|
|
|
|
:param: pair: str = current pair
|
|
|
|
"""
|
2022-07-23 15:14:11 +00:00
|
|
|
|
2022-08-02 18:14:02 +00:00
|
|
|
self.dd.historic_predictions[pair] = pred_df
|
|
|
|
hist_preds_df = self.dd.historic_predictions[pair]
|
|
|
|
|
2022-08-06 11:51:19 +00:00
|
|
|
for label in hist_preds_df.columns:
|
|
|
|
if hist_preds_df[label].dtype == object:
|
|
|
|
continue
|
|
|
|
hist_preds_df[f'{label}_mean'] = 0
|
|
|
|
hist_preds_df[f'{label}_std'] = 0
|
|
|
|
|
2022-08-02 18:14:02 +00:00
|
|
|
hist_preds_df['do_predict'] = 0
|
|
|
|
|
|
|
|
if self.freqai_info['feature_parameters'].get('DI_threshold', 0) > 0:
|
|
|
|
hist_preds_df['DI_values'] = 0
|
|
|
|
|
|
|
|
for return_str in dk.data['extra_returns_per_train']:
|
|
|
|
hist_preds_df[return_str] = 0
|
2022-07-11 20:01:48 +00:00
|
|
|
|
2022-10-02 16:33:39 +00:00
|
|
|
hist_preds_df['close_price'] = strat_df['close']
|
|
|
|
hist_preds_df['date_pred'] = strat_df['date']
|
|
|
|
|
2022-08-12 11:13:08 +00:00
|
|
|
# # for keras type models, the conv_window needs to be prepended so
|
|
|
|
# # viewing is correct in frequi
|
2022-09-26 19:55:23 +00:00
|
|
|
if (not self.freqai_info.get('model_save_type', 'joblib') or
|
|
|
|
self.ft_params.get('inlier_metric_window', 0)):
|
2022-08-12 11:13:08 +00:00
|
|
|
n_lost_points = self.freqai_info.get('conv_width', 2)
|
|
|
|
zeros_df = DataFrame(np.zeros((n_lost_points, len(hist_preds_df.columns))),
|
|
|
|
columns=hist_preds_df.columns)
|
2022-08-12 14:12:28 +00:00
|
|
|
self.dd.historic_predictions[pair] = pd.concat(
|
2022-08-12 11:13:08 +00:00
|
|
|
[zeros_df, hist_preds_df], axis=0, ignore_index=True)
|
|
|
|
|
2022-08-10 17:44:22 +00:00
|
|
|
def fit_live_predictions(self, dk: FreqaiDataKitchen, pair: str) -> None:
|
2022-07-26 08:24:14 +00:00
|
|
|
"""
|
|
|
|
Fit the labels with a gaussian distribution
|
|
|
|
"""
|
|
|
|
import scipy as spy
|
|
|
|
|
2022-08-10 13:16:50 +00:00
|
|
|
# add classes from classifier label types if used
|
|
|
|
full_labels = dk.label_list + dk.unique_class_list
|
|
|
|
|
2022-07-26 08:24:14 +00:00
|
|
|
num_candles = self.freqai_info.get("fit_live_predictions_candles", 100)
|
|
|
|
dk.data["labels_mean"], dk.data["labels_std"] = {}, {}
|
2022-08-10 13:16:50 +00:00
|
|
|
for label in full_labels:
|
2022-08-06 15:51:21 +00:00
|
|
|
if self.dd.historic_predictions[dk.pair][label].dtype == object:
|
|
|
|
continue
|
2022-07-26 08:24:14 +00:00
|
|
|
f = spy.stats.norm.fit(self.dd.historic_predictions[dk.pair][label].tail(num_candles))
|
|
|
|
dk.data["labels_mean"][label], dk.data["labels_std"][label] = f[0], f[1]
|
|
|
|
|
|
|
|
return
|
|
|
|
|
2022-08-14 14:41:50 +00:00
|
|
|
def inference_timer(self, do='start'):
|
|
|
|
"""
|
|
|
|
Timer designed to track the cumulative time spent in FreqAI for one pass through
|
|
|
|
the whitelist. This will check if the time spent is more than 1/4 the time
|
|
|
|
of a single candle, and if so, it will warn the user of degraded performance
|
|
|
|
"""
|
|
|
|
if do == 'start':
|
|
|
|
self.pair_it += 1
|
|
|
|
self.begin_time = time.time()
|
|
|
|
elif do == 'stop':
|
|
|
|
end = time.time()
|
|
|
|
self.inference_time += (end - self.begin_time)
|
|
|
|
if self.pair_it == self.total_pairs:
|
|
|
|
logger.info(
|
|
|
|
f'Total time spent inferencing pairlist {self.inference_time:.2f} seconds')
|
|
|
|
if self.inference_time > 0.25 * self.base_tf_seconds:
|
2022-09-03 13:01:28 +00:00
|
|
|
logger.warning("Inference took over 25% of the candle time. Reduce pairlist to"
|
|
|
|
" avoid blinding open trades and degrading performance.")
|
2022-08-14 14:41:50 +00:00
|
|
|
self.pair_it = 0
|
|
|
|
self.inference_time = 0
|
|
|
|
return
|
|
|
|
|
2022-08-22 11:30:30 +00:00
|
|
|
def train_timer(self, do='start'):
|
|
|
|
"""
|
|
|
|
Timer designed to track the cumulative time spent training the full pairlist in
|
|
|
|
FreqAI.
|
|
|
|
"""
|
|
|
|
if do == 'start':
|
|
|
|
self.pair_it_train += 1
|
|
|
|
self.begin_time_train = time.time()
|
|
|
|
elif do == 'stop':
|
|
|
|
end = time.time()
|
|
|
|
self.train_time += (end - self.begin_time_train)
|
|
|
|
if self.pair_it_train == self.total_pairs:
|
|
|
|
logger.info(
|
|
|
|
f'Total time spent training pairlist {self.train_time:.2f} seconds')
|
|
|
|
self.pair_it_train = 0
|
|
|
|
self.train_time = 0
|
|
|
|
return
|
|
|
|
|
2022-09-07 16:58:55 +00:00
|
|
|
def get_init_model(self, pair: str) -> Any:
|
|
|
|
if pair not in self.dd.model_dictionary or not self.continual_learning:
|
|
|
|
init_model = None
|
|
|
|
else:
|
|
|
|
init_model = self.dd.model_dictionary[pair]
|
|
|
|
|
|
|
|
return init_model
|
|
|
|
|
2022-09-18 15:00:55 +00:00
|
|
|
def _set_train_queue(self):
|
|
|
|
"""
|
|
|
|
Sets train queue from existing train timestamps if they exist
|
|
|
|
otherwise it sets the train queue based on the provided whitelist.
|
|
|
|
"""
|
|
|
|
current_pairlist = self.config.get("exchange", {}).get("pair_whitelist")
|
|
|
|
if not self.dd.pair_dict:
|
2022-09-19 17:16:32 +00:00
|
|
|
logger.info('Set fresh train queue from whitelist. '
|
|
|
|
f'Queue: {current_pairlist}')
|
2022-09-18 15:00:55 +00:00
|
|
|
return deque(current_pairlist)
|
|
|
|
|
|
|
|
best_queue = deque()
|
|
|
|
|
|
|
|
pair_dict_sorted = sorted(self.dd.pair_dict.items(),
|
|
|
|
key=lambda k: k[1]['trained_timestamp'])
|
|
|
|
for pair in pair_dict_sorted:
|
|
|
|
if pair[0] in current_pairlist:
|
2022-09-19 10:47:20 +00:00
|
|
|
best_queue.append(pair[0])
|
2022-09-18 15:08:07 +00:00
|
|
|
for pair in current_pairlist:
|
|
|
|
if pair not in best_queue:
|
|
|
|
best_queue.appendleft(pair)
|
|
|
|
|
2022-09-19 17:16:32 +00:00
|
|
|
logger.info('Set existing queue from trained timestamps. '
|
|
|
|
f'Best approximation queue: {best_queue}')
|
2022-09-18 15:00:55 +00:00
|
|
|
return best_queue
|
|
|
|
|
2022-05-28 16:26:19 +00:00
|
|
|
# Following methods which are overridden by user made prediction models.
|
2022-08-06 12:55:46 +00:00
|
|
|
# See freqai/prediction_models/CatboostPredictionModel.py for an example.
|
2022-05-23 10:07:09 +00:00
|
|
|
|
|
|
|
@abstractmethod
|
2022-09-09 17:17:15 +00:00
|
|
|
def train(self, unfiltered_df: DataFrame, pair: str,
|
2022-09-07 16:58:55 +00:00
|
|
|
dk: FreqaiDataKitchen, **kwargs) -> Any:
|
2022-05-23 10:07:09 +00:00
|
|
|
"""
|
|
|
|
Filter the training data and train a model to it. Train makes heavy use of the datahandler
|
|
|
|
for storing, saving, loading, and analyzing the data.
|
2022-09-09 17:17:15 +00:00
|
|
|
:param unfiltered_df: Full dataframe for the current training period
|
2022-07-24 14:51:48 +00:00
|
|
|
:param metadata: pair metadata from strategy.
|
|
|
|
:return: Trained model which can be used to inference (self.predict)
|
2022-05-23 10:07:09 +00:00
|
|
|
"""
|
|
|
|
|
|
|
|
@abstractmethod
|
2022-09-07 16:58:55 +00:00
|
|
|
def fit(self, data_dictionary: Dict[str, Any], dk: FreqaiDataKitchen, **kwargs) -> Any:
|
2022-05-23 10:07:09 +00:00
|
|
|
"""
|
|
|
|
Most regressors use the same function names and arguments e.g. user
|
|
|
|
can drop in LGBMRegressor in place of CatBoostRegressor and all data
|
|
|
|
management will be properly handled by Freqai.
|
2022-07-24 14:51:48 +00:00
|
|
|
:param data_dictionary: Dict = the dictionary constructed by DataHandler to hold
|
|
|
|
all the training and test data/labels.
|
2022-05-23 10:07:09 +00:00
|
|
|
"""
|
|
|
|
|
|
|
|
return
|
|
|
|
|
|
|
|
@abstractmethod
|
2022-07-03 08:59:38 +00:00
|
|
|
def predict(
|
2022-09-09 17:17:15 +00:00
|
|
|
self, unfiltered_df: DataFrame, dk: FreqaiDataKitchen, **kwargs
|
2022-07-29 06:12:50 +00:00
|
|
|
) -> Tuple[DataFrame, NDArray[np.int_]]:
|
2022-05-23 10:07:09 +00:00
|
|
|
"""
|
|
|
|
Filter the prediction features data and predict with it.
|
2022-09-09 17:17:15 +00:00
|
|
|
:param unfiltered_df: Full dataframe for the current backtest period.
|
2022-07-24 14:51:48 +00:00
|
|
|
:param dk: FreqaiDataKitchen = Data management/analysis tool associated to present pair only
|
|
|
|
:param first: boolean = whether this is the first prediction or not.
|
2022-05-23 10:07:09 +00:00
|
|
|
:return:
|
|
|
|
:predictions: np.array of predictions
|
|
|
|
:do_predict: np.array of 1s and 0s to indicate places where freqai needed to remove
|
2022-05-25 09:31:03 +00:00
|
|
|
data (NaNs) or felt uncertain about data (i.e. SVM and/or DI index)
|
2022-05-23 10:07:09 +00:00
|
|
|
"""
|