predictit


Namepredictit JSON
Version 2.0.7 PyPI version JSON
download
home_pagehttps://github.com/Malachov/predictit
SummaryLibrary/framework for making time series predictions with help of AutoML tools.
upload_time2023-02-03 09:05:15
maintainer
docs_urlNone
authorDaniel Malachov
requires_python
licensemit
keywords
VCS
bugtrack_url
requirements No requirements were recorded.
Travis-CI No Travis.
coveralls test coverage No coveralls.
            # predictit

[![Binder](https://mybinder.org/badge_logo.svg)](https://mybinder.org/v2/gh/Malachov/predictit/HEAD?filepath=demo.ipynb) [![Python versions](https://img.shields.io/pypi/pyversions/predictit.svg)](https://pypi.python.org/pypi/predictit/) [![PyPI version](https://badge.fury.io/py/predictit.svg)](https://badge.fury.io/py/predictit) [![Downloads](https://pepy.tech/badge/predictit)](https://pepy.tech/project/predictit) [![Language grade: Python](https://img.shields.io/lgtm/grade/python/g/Malachov/predictit.svg?logo=lgtm&logoWidth=18)](https://lgtm.com/projects/g/Malachov/predictit/context:python) [![Documentation Status](https://readthedocs.org/projects/predictit/badge/?version=master)](https://predictit.readthedocs.io/en/master/?badge=master) [![License: MIT](https://img.shields.io/badge/License-MIT-yellow.svg)](https://opensource.org/licenses/MIT) [![codecov](https://codecov.io/gh/Malachov/predictit/branch/master/graph/badge.svg)](https://codecov.io/gh/Malachov/predictit)

Library/framework for making time series predictions. Choose the data, choose the models (ARIMA, regressions, LSTM...) from libraries like statsmodels, scikit-learn, tensorflow. Do the setup (it's not necessary of course, you can use some preset) and predict.

Library contain model Hyperparameter optimization as well as option variable optimization. That means, that library can find optimal preprocessing (smoothing, dropping non correlated columns, standardization) and on top of that it can find optimal hyperparameters such as number of neuron layers.

## Output

Most common output is plotly interactive graph and object with results array, results with history etc...

<p align="center">
<img src="docs/source/_static/img/output_example.png" width="620" alt="Plot of results"/>
</p>

<p align="center">
<img src="docs/source/_static/img/table_of_results.png" width="620" alt="Table of results"/>
</p>

## Links

[Repo on github](https://github.com/Malachov/predictit)

[Official readthedocs documentation](https://predictit.readthedocs.io)

## Installation

Python >=3.6 (Python 2 is not supported).

Install just with

```console
pip install predictit
```

Sometimes you can have issues with installing some libraries from requirements (e.g. numpy because not BLAS / LAPACK). There are also two libraries - Tensorflow and pyodbc not in requirements, because not necessary, but troublesome. If library not installed with pip, check which library don't work, install manually with stackoverflow and repeat... 

There are some libraries that not every user will be using (e.g. Tensorflow or libraries for some data inputs). If you want to be sure to have all libraries, you can download `requirements_advanced.txt` and then install advanced requirements with `pip install -r requirements_advanced.txt`.

Library was developed during 2020 and structure and even API (configuration) changed a lot. From version 2.0 it's considered to be stable and following semantic versioning.

## How to

Software can be used as a python library or with command line arguments or as normal python script. Main function is `predict` in `main.py` script. There is also `predict_multiple_columns` function if you want to predict more at once (columns or time frequencies) and also `compare_models` function that tell you which models are best. It evaluates error criterion on out of sample test data instead of predict (which use as much data as possible). Some models, for example decision trees just assign input from learning set, so error in predict is 0, in compare_models its accurate. So first is optimal to use `compare_models`, find best models and then use it in predict.

Try live demo - playground on [binder](https://mybinder.org/v2/gh/Malachov/predictit/HEAD?filepath=demo.ipynb)

### Config

Import libraries

<!--phmdoctest-setup-->
```python
import predictit
import numpy as np
import pandas as pd

from predictit import config
```

and type `config.`, then, if not automatically, use ctrl + spacebar to see all subcategories and in subcategories, you can see description in the docstrings for all the configurable values.

<p align="center">
<img src="docs/source/_static/img/config_intellisense.png" width="620" alt="GUI"/>
</p>

You can edit config in two ways

1) As object attributes

You can use subcategories like `general`, `data_input`, `output`

```python
config.data_input.data = 'https://raw.githubusercontent.com/jbrownlee/Datasets/master/daily-min-temperatures.csv'
```

You can also use config instance directly for all the attributes and omit the subcategories (though without intellisense help).

```python
config.datetime_column = 'Date'  # Will be used for resampling and result plot description
config.freq = "D"  # One day - one value resampling
```

2) Multiple parameters at once with dictionary and update function

```python
config.update({
    'datalength': 300,  # Used datalength
    'predicts': 14,  # Number of predicted values
    'default_n_steps_in': 12  # Value of recursive inputs in model (do not use too high - slower and worse predictions)
})

# After if you setup prediction as needed, it's simple

predictions = predictit.predict()
```

If you need create more configurations and don't want to override its values, you can create multiple instances, but you need to insert this new config as function parameter

```python
other_config = config.copy()  # or predictit.configuration.Config()
other_config.predicts = 30  # This will not affect config for other examples
predictions_3 = predictit.predict(config=other_config)
```

### Simple example of using predictit as a python library and function arguments

Although there are many config variables, defaults should be enough.

```python
predictions_1 = predictit.predict(data=np.random.randn(100, 2), predicted_column=1, predicts=3)
```

There are only two positional arguments `data` and `predicted_column`(because, there is more than a hundred configurable values). So you can use also

```python
my_data = pd.DataFrame(np.random.randn(100, 2), columns=['a', 'b'])
predictions_1_positional = predictit.predict(my_data, 'b')
```

### Simple example of using `main.py` as a script

Open `configuration.py` (only script you need to edit (very simple)), do the setup. Mainly used_function and data or data_source and path. Then just run `main.py`.

### Simple example of using command line arguments

Run code below in terminal in predictit repository folder.
Use `python predictit/main.py --help` for more parameters' info.

```console
python predictit/main.py --used_function predict --data 'https://raw.githubusercontent.com/jbrownlee/Datasets/master/daily-min-temperatures.csv' --predicted_column 'Temp'
```

### Example of compare_models function

You can compare it on same data in various parts or on different data (check configuration on how to insert dictionary with data names)

```python
my_data_array = np.random.randn(200, 2)  # Define your data here

config.update({
    'data_all': {'First part': (my_data_array[:100], 0), 'Second part': (my_data_array[100:], 1)},
    'predicted_column': 0
})
compared_models = predictit.compare_models()
```

### Example of predict_multiple function

```python
config.data = np.random.randn(120, 3)
config.predicted_columns = ['*']  # Define list of columns or '*' for predicting all of the numeric columns
config.used_models = ['Conjugate gradient', 'Decision tree regression']  # Use just few models to be faster

multiple_columns_prediction = predictit.predict_multiple_columns()
```

### Example of config variable optimization

```python
config.update({
    'data': "https://raw.githubusercontent.com/jbrownlee/Datasets/master/daily-min-temperatures.csv",
    'predicted_column': 'Temp',
    'datalength': 120,
    'optimization': True,
    'optimization_variable': 'default_n_steps_in',
    'optimization_values': [4, 6, 8],
    'plot_all_optimized_models': False,
    'print_table': 'detailed',  # Print detailed table
    'print_result_details': True,
    'used_models': ['AR', 'Sklearn regression']
})

predictions_optimized_config = predictit.predict()
```

## Hyperparameters tuning

To optimize hyperparameters, just set `optimizeit: 1,` and model parameters limits. It is commented in it's docstrings how to use it. It's not grid bruteforce. It is a heuristic method based on halving interval is used, but still it can be time-consuming. It is recommended only to tune parameters worth of it. Or tune it by parts.

## GUI

It is possible to use basic GUI. But only with CSV data source. Just run `gui_start.py` if you have downloaded software or call `predictit.gui_start.run_gui()` if you are importing via PyPI. Screenshot of such a GUI

<p align="center">
<img src="docs/source/_static/img/GUI.png" width="620" alt="GUI"/>
</p>

Better GUI with fully customizable settings will be shipped next year, hopefully.

## Categorical embeddings

It is also possible to use string values in predictions. You can choose config values 'embedding' 'label' and every unique string will be assigned unique number, 'one-hot' create new column for every unique string (can be time-consuming).

## Feature engineering

For feature derivation, you can use difference transformations, first and second order differences, multiplications of columns, rolling mean, rolling standard deviations and also rolling fourier transform.

Feature selection is under development right now :[

## Data preprocessing, plotting and other Functions

You can use any library functions separately for your needs of course. mydatapreprocessing, mylogging and mypythontools are my other projects, which are used heavily. Example is here

```python

import mydatapreprocessing as mdp
from mypythontools.plots import plot
from predictit.analyze import analyze_column

data = "https://blockchain.info/unconfirmed-transactions?format=json"

# Load data from file or URL
data_loaded = mdp.load_data.load_data(data, request_datatype_suffix=".json", predicted_table='txs', data_orientation="index")

# Transform various data into defined format - pandas dataframe - convert to numeric if possible, keep
# only numeric data and resample ifg configured.
data_consolidated = mdp.preprocessing.data_consolidation(
    data_loaded, predicted_column="weight", remove_nans_threshold=0.9, remove_nans_or_replace='interpolate')

# Predicted column is on index 0 after consolidation)
analyze_column(data_consolidated.iloc[:, 0])

# Preprocess data. It return preprocessed data, but also last undifferenced value and scaler for inverse
# transformation, so unpack it with _
data_preprocessed, _, _ = mdp.preprocessing.preprocess_data(data_consolidated, remove_outliers=True, smoothit=False,
                                        correlation_threshold=False, data_transform=False, standardizeit='standardize')

# Plot inserted data
plot(data_preprocessed)

```

## Using just one model apart main function

Main benefit is performance boost. You can have code under the  much simpler (much less code), but no features from configuration available.

```python

import mydatapreprocessing as mdp

data = mdp.generate_data.sin(1000)
test = data[-7:]
data = data[: -7]
data = mdp.preprocessing.data_consolidation(data)
# First tuple, because some models use raw data - one argument, e.g. [1, 2, 3...]
(X, y), x_input, _ = mdp.create_model_inputs.create_inputs(data.values, 'batch', input_type_params={'n_steps_in': 6})

trained_model = predictit.models.sklearn_regression.train((X, y), model='BayesianRidge')
predictions_one_model = predictit.models.sklearn_regression.predict(x_input, trained_model, predicts=7)

predictions_one_model_error = predictit.evaluate_predictions.compare_predicted_to_test(predictions_one_model, test, error_criterion='mape')  # , plot=1
```

## Example of using library as a pro with deeper editing config

```python
config.update(
    {
        "data": r"https://raw.githubusercontent.com/jbrownlee/Datasets/master/daily-min-temperatures.csv",  # Full CSV path with suffix
        "predicted_column": "Temp",  # Column name that we want to predict
        "datalength": 200,
        "predicts": 7,  # Number of predicted values - 7 by default
        "repeatit": 50,  # Repeat calculation times on shifted data to evaluate error criterion
        "other_columns": False,  # Whether use other columns or not
        # Chose models that will be computed - remove if you want to use all the models
        "used_models": [
            "AR",
            "ARIMA",
            "LNU",
            "Conjugate gradient",
            "Sklearn regression",
            "Bayes ridge regression one column one step",
            "Decision tree regression",
        ],
        # Define parameters of models
        "models_parameters": {
            "AR": {
                "used_model": "ar",
                "method": "cmle",
                "trend": "nc",
                "solver": "lbfgs",
            },
            "ARIMA": {
                "used_model": "arima",
                "p": 6,
                "d": 0,
                "q": 0,
            },
            "LNU": {
                "learning_rate": "infer",
                "epochs": 10,
                "w_predict": 0,
                "normalize_learning_rate": False,
            },
            "Conjugate gradient": {"epochs": 200},
            "Bayes ridge regression": {
                "model": "BayesianRidge",
                "n_iter": 300,
                "alpha_1": 1.0e-6,
                "alpha_2": 1.0e-6,
                "lambda_1": 1.0e-6,
                "lambda_2": 1.0e-6,
            },
        },
    }
)

predictions_configured = predictit.predict()
```

## Performance - How to scale

Time series prediction is very different from image recognition and more data doesn't necessarily mean better prediction. If you're issuing performance problems, try fast preset (turn off optimizations, make less recurrent values, choose only few models, threshold datalength etc.) you can edit preset if you need. If you still have performance troubles, and you have too much data, use resampling and select only valuable columns - for example correlation_threshold and do not derive extra columns. If you are interested mostly in predictions and not in the plot, turn the plot off.

## Future work

It's planned to do real GUI and possibility to serve web app as well as desktop. Scalability can be solved two ways. First is incremental learning (not every model supports today). Second is virtualisation (processes running in cluster separately).

There is very big todo list on root called `TODO.md.`

## For developers

Any help from other developers very appreciated... :D
Don't be shy to create Issue, merge request or text on <malachovd@seznam.cz>

            

Raw data

            {
    "_id": null,
    "home_page": "https://github.com/Malachov/predictit",
    "name": "predictit",
    "maintainer": "",
    "docs_url": null,
    "requires_python": "",
    "maintainer_email": "",
    "keywords": "",
    "author": "Daniel Malachov",
    "author_email": "malachovd@seznam.cz",
    "download_url": "https://files.pythonhosted.org/packages/d2/48/507e40053dc68a72b5c9813f2d210f1106b17ee4cc497eff7b21de84e5e2/predictit-2.0.7.tar.gz",
    "platform": "any",
    "description": "# predictit\r\n\r\n[![Binder](https://mybinder.org/badge_logo.svg)](https://mybinder.org/v2/gh/Malachov/predictit/HEAD?filepath=demo.ipynb) [![Python versions](https://img.shields.io/pypi/pyversions/predictit.svg)](https://pypi.python.org/pypi/predictit/) [![PyPI version](https://badge.fury.io/py/predictit.svg)](https://badge.fury.io/py/predictit) [![Downloads](https://pepy.tech/badge/predictit)](https://pepy.tech/project/predictit) [![Language grade: Python](https://img.shields.io/lgtm/grade/python/g/Malachov/predictit.svg?logo=lgtm&logoWidth=18)](https://lgtm.com/projects/g/Malachov/predictit/context:python) [![Documentation Status](https://readthedocs.org/projects/predictit/badge/?version=master)](https://predictit.readthedocs.io/en/master/?badge=master) [![License: MIT](https://img.shields.io/badge/License-MIT-yellow.svg)](https://opensource.org/licenses/MIT) [![codecov](https://codecov.io/gh/Malachov/predictit/branch/master/graph/badge.svg)](https://codecov.io/gh/Malachov/predictit)\r\n\r\nLibrary/framework for making time series predictions. Choose the data, choose the models (ARIMA, regressions, LSTM...) from libraries like statsmodels, scikit-learn, tensorflow. Do the setup (it's not necessary of course, you can use some preset) and predict.\r\n\r\nLibrary contain model Hyperparameter optimization as well as option variable optimization. That means, that library can find optimal preprocessing (smoothing, dropping non correlated columns, standardization) and on top of that it can find optimal hyperparameters such as number of neuron layers.\r\n\r\n## Output\r\n\r\nMost common output is plotly interactive graph and object with results array, results with history etc...\r\n\r\n<p align=\"center\">\r\n<img src=\"docs/source/_static/img/output_example.png\" width=\"620\" alt=\"Plot of results\"/>\r\n</p>\r\n\r\n<p align=\"center\">\r\n<img src=\"docs/source/_static/img/table_of_results.png\" width=\"620\" alt=\"Table of results\"/>\r\n</p>\r\n\r\n## Links\r\n\r\n[Repo on github](https://github.com/Malachov/predictit)\r\n\r\n[Official readthedocs documentation](https://predictit.readthedocs.io)\r\n\r\n## Installation\r\n\r\nPython >=3.6 (Python 2 is not supported).\r\n\r\nInstall just with\r\n\r\n```console\r\npip install predictit\r\n```\r\n\r\nSometimes you can have issues with installing some libraries from requirements (e.g. numpy because not BLAS / LAPACK). There are also two libraries - Tensorflow and pyodbc not in requirements, because not necessary, but troublesome. If library not installed with pip, check which library don't work, install manually with stackoverflow and repeat... \r\n\r\nThere are some libraries that not every user will be using (e.g. Tensorflow or libraries for some data inputs). If you want to be sure to have all libraries, you can download `requirements_advanced.txt` and then install advanced requirements with `pip install -r requirements_advanced.txt`.\r\n\r\nLibrary was developed during 2020 and structure and even API (configuration) changed a lot. From version 2.0 it's considered to be stable and following semantic versioning.\r\n\r\n## How to\r\n\r\nSoftware can be used as a python library or with command line arguments or as normal python script. Main function is `predict` in `main.py` script. There is also `predict_multiple_columns` function if you want to predict more at once (columns or time frequencies) and also `compare_models` function that tell you which models are best. It evaluates error criterion on out of sample test data instead of predict (which use as much data as possible). Some models, for example decision trees just assign input from learning set, so error in predict is 0, in compare_models its accurate. So first is optimal to use `compare_models`, find best models and then use it in predict.\r\n\r\nTry live demo - playground on [binder](https://mybinder.org/v2/gh/Malachov/predictit/HEAD?filepath=demo.ipynb)\r\n\r\n### Config\r\n\r\nImport libraries\r\n\r\n<!--phmdoctest-setup-->\r\n```python\r\nimport predictit\r\nimport numpy as np\r\nimport pandas as pd\r\n\r\nfrom predictit import config\r\n```\r\n\r\nand type `config.`, then, if not automatically, use ctrl + spacebar to see all subcategories and in subcategories, you can see description in the docstrings for all the configurable values.\r\n\r\n<p align=\"center\">\r\n<img src=\"docs/source/_static/img/config_intellisense.png\" width=\"620\" alt=\"GUI\"/>\r\n</p>\r\n\r\nYou can edit config in two ways\r\n\r\n1) As object attributes\r\n\r\nYou can use subcategories like `general`, `data_input`, `output`\r\n\r\n```python\r\nconfig.data_input.data = 'https://raw.githubusercontent.com/jbrownlee/Datasets/master/daily-min-temperatures.csv'\r\n```\r\n\r\nYou can also use config instance directly for all the attributes and omit the subcategories (though without intellisense help).\r\n\r\n```python\r\nconfig.datetime_column = 'Date'  # Will be used for resampling and result plot description\r\nconfig.freq = \"D\"  # One day - one value resampling\r\n```\r\n\r\n2) Multiple parameters at once with dictionary and update function\r\n\r\n```python\r\nconfig.update({\r\n    'datalength': 300,  # Used datalength\r\n    'predicts': 14,  # Number of predicted values\r\n    'default_n_steps_in': 12  # Value of recursive inputs in model (do not use too high - slower and worse predictions)\r\n})\r\n\r\n# After if you setup prediction as needed, it's simple\r\n\r\npredictions = predictit.predict()\r\n```\r\n\r\nIf you need create more configurations and don't want to override its values, you can create multiple instances, but you need to insert this new config as function parameter\r\n\r\n```python\r\nother_config = config.copy()  # or predictit.configuration.Config()\r\nother_config.predicts = 30  # This will not affect config for other examples\r\npredictions_3 = predictit.predict(config=other_config)\r\n```\r\n\r\n### Simple example of using predictit as a python library and function arguments\r\n\r\nAlthough there are many config variables, defaults should be enough.\r\n\r\n```python\r\npredictions_1 = predictit.predict(data=np.random.randn(100, 2), predicted_column=1, predicts=3)\r\n```\r\n\r\nThere are only two positional arguments `data` and `predicted_column`(because, there is more than a hundred configurable values). So you can use also\r\n\r\n```python\r\nmy_data = pd.DataFrame(np.random.randn(100, 2), columns=['a', 'b'])\r\npredictions_1_positional = predictit.predict(my_data, 'b')\r\n```\r\n\r\n### Simple example of using `main.py` as a script\r\n\r\nOpen `configuration.py` (only script you need to edit (very simple)), do the setup. Mainly used_function and data or data_source and path. Then just run `main.py`.\r\n\r\n### Simple example of using command line arguments\r\n\r\nRun code below in terminal in predictit repository folder.\r\nUse `python predictit/main.py --help` for more parameters' info.\r\n\r\n```console\r\npython predictit/main.py --used_function predict --data 'https://raw.githubusercontent.com/jbrownlee/Datasets/master/daily-min-temperatures.csv' --predicted_column 'Temp'\r\n```\r\n\r\n### Example of compare_models function\r\n\r\nYou can compare it on same data in various parts or on different data (check configuration on how to insert dictionary with data names)\r\n\r\n```python\r\nmy_data_array = np.random.randn(200, 2)  # Define your data here\r\n\r\nconfig.update({\r\n    'data_all': {'First part': (my_data_array[:100], 0), 'Second part': (my_data_array[100:], 1)},\r\n    'predicted_column': 0\r\n})\r\ncompared_models = predictit.compare_models()\r\n```\r\n\r\n### Example of predict_multiple function\r\n\r\n```python\r\nconfig.data = np.random.randn(120, 3)\r\nconfig.predicted_columns = ['*']  # Define list of columns or '*' for predicting all of the numeric columns\r\nconfig.used_models = ['Conjugate gradient', 'Decision tree regression']  # Use just few models to be faster\r\n\r\nmultiple_columns_prediction = predictit.predict_multiple_columns()\r\n```\r\n\r\n### Example of config variable optimization\r\n\r\n```python\r\nconfig.update({\r\n    'data': \"https://raw.githubusercontent.com/jbrownlee/Datasets/master/daily-min-temperatures.csv\",\r\n    'predicted_column': 'Temp',\r\n    'datalength': 120,\r\n    'optimization': True,\r\n    'optimization_variable': 'default_n_steps_in',\r\n    'optimization_values': [4, 6, 8],\r\n    'plot_all_optimized_models': False,\r\n    'print_table': 'detailed',  # Print detailed table\r\n    'print_result_details': True,\r\n    'used_models': ['AR', 'Sklearn regression']\r\n})\r\n\r\npredictions_optimized_config = predictit.predict()\r\n```\r\n\r\n## Hyperparameters tuning\r\n\r\nTo optimize hyperparameters, just set `optimizeit: 1,` and model parameters limits. It is commented in it's docstrings how to use it. It's not grid bruteforce. It is a heuristic method based on halving interval is used, but still it can be time-consuming. It is recommended only to tune parameters worth of it. Or tune it by parts.\r\n\r\n## GUI\r\n\r\nIt is possible to use basic GUI. But only with CSV data source. Just run `gui_start.py` if you have downloaded software or call `predictit.gui_start.run_gui()` if you are importing via PyPI. Screenshot of such a GUI\r\n\r\n<p align=\"center\">\r\n<img src=\"docs/source/_static/img/GUI.png\" width=\"620\" alt=\"GUI\"/>\r\n</p>\r\n\r\nBetter GUI with fully customizable settings will be shipped next year, hopefully.\r\n\r\n## Categorical embeddings\r\n\r\nIt is also possible to use string values in predictions. You can choose config values 'embedding' 'label' and every unique string will be assigned unique number, 'one-hot' create new column for every unique string (can be time-consuming).\r\n\r\n## Feature engineering\r\n\r\nFor feature derivation, you can use difference transformations, first and second order differences, multiplications of columns, rolling mean, rolling standard deviations and also rolling fourier transform.\r\n\r\nFeature selection is under development right now :[\r\n\r\n## Data preprocessing, plotting and other Functions\r\n\r\nYou can use any library functions separately for your needs of course. mydatapreprocessing, mylogging and mypythontools are my other projects, which are used heavily. Example is here\r\n\r\n```python\r\n\r\nimport mydatapreprocessing as mdp\r\nfrom mypythontools.plots import plot\r\nfrom predictit.analyze import analyze_column\r\n\r\ndata = \"https://blockchain.info/unconfirmed-transactions?format=json\"\r\n\r\n# Load data from file or URL\r\ndata_loaded = mdp.load_data.load_data(data, request_datatype_suffix=\".json\", predicted_table='txs', data_orientation=\"index\")\r\n\r\n# Transform various data into defined format - pandas dataframe - convert to numeric if possible, keep\r\n# only numeric data and resample ifg configured.\r\ndata_consolidated = mdp.preprocessing.data_consolidation(\r\n    data_loaded, predicted_column=\"weight\", remove_nans_threshold=0.9, remove_nans_or_replace='interpolate')\r\n\r\n# Predicted column is on index 0 after consolidation)\r\nanalyze_column(data_consolidated.iloc[:, 0])\r\n\r\n# Preprocess data. It return preprocessed data, but also last undifferenced value and scaler for inverse\r\n# transformation, so unpack it with _\r\ndata_preprocessed, _, _ = mdp.preprocessing.preprocess_data(data_consolidated, remove_outliers=True, smoothit=False,\r\n                                        correlation_threshold=False, data_transform=False, standardizeit='standardize')\r\n\r\n# Plot inserted data\r\nplot(data_preprocessed)\r\n\r\n```\r\n\r\n## Using just one model apart main function\r\n\r\nMain benefit is performance boost. You can have code under the  much simpler (much less code), but no features from configuration available.\r\n\r\n```python\r\n\r\nimport mydatapreprocessing as mdp\r\n\r\ndata = mdp.generate_data.sin(1000)\r\ntest = data[-7:]\r\ndata = data[: -7]\r\ndata = mdp.preprocessing.data_consolidation(data)\r\n# First tuple, because some models use raw data - one argument, e.g. [1, 2, 3...]\r\n(X, y), x_input, _ = mdp.create_model_inputs.create_inputs(data.values, 'batch', input_type_params={'n_steps_in': 6})\r\n\r\ntrained_model = predictit.models.sklearn_regression.train((X, y), model='BayesianRidge')\r\npredictions_one_model = predictit.models.sklearn_regression.predict(x_input, trained_model, predicts=7)\r\n\r\npredictions_one_model_error = predictit.evaluate_predictions.compare_predicted_to_test(predictions_one_model, test, error_criterion='mape')  # , plot=1\r\n```\r\n\r\n## Example of using library as a pro with deeper editing config\r\n\r\n```python\r\nconfig.update(\r\n    {\r\n        \"data\": r\"https://raw.githubusercontent.com/jbrownlee/Datasets/master/daily-min-temperatures.csv\",  # Full CSV path with suffix\r\n        \"predicted_column\": \"Temp\",  # Column name that we want to predict\r\n        \"datalength\": 200,\r\n        \"predicts\": 7,  # Number of predicted values - 7 by default\r\n        \"repeatit\": 50,  # Repeat calculation times on shifted data to evaluate error criterion\r\n        \"other_columns\": False,  # Whether use other columns or not\r\n        # Chose models that will be computed - remove if you want to use all the models\r\n        \"used_models\": [\r\n            \"AR\",\r\n            \"ARIMA\",\r\n            \"LNU\",\r\n            \"Conjugate gradient\",\r\n            \"Sklearn regression\",\r\n            \"Bayes ridge regression one column one step\",\r\n            \"Decision tree regression\",\r\n        ],\r\n        # Define parameters of models\r\n        \"models_parameters\": {\r\n            \"AR\": {\r\n                \"used_model\": \"ar\",\r\n                \"method\": \"cmle\",\r\n                \"trend\": \"nc\",\r\n                \"solver\": \"lbfgs\",\r\n            },\r\n            \"ARIMA\": {\r\n                \"used_model\": \"arima\",\r\n                \"p\": 6,\r\n                \"d\": 0,\r\n                \"q\": 0,\r\n            },\r\n            \"LNU\": {\r\n                \"learning_rate\": \"infer\",\r\n                \"epochs\": 10,\r\n                \"w_predict\": 0,\r\n                \"normalize_learning_rate\": False,\r\n            },\r\n            \"Conjugate gradient\": {\"epochs\": 200},\r\n            \"Bayes ridge regression\": {\r\n                \"model\": \"BayesianRidge\",\r\n                \"n_iter\": 300,\r\n                \"alpha_1\": 1.0e-6,\r\n                \"alpha_2\": 1.0e-6,\r\n                \"lambda_1\": 1.0e-6,\r\n                \"lambda_2\": 1.0e-6,\r\n            },\r\n        },\r\n    }\r\n)\r\n\r\npredictions_configured = predictit.predict()\r\n```\r\n\r\n## Performance - How to scale\r\n\r\nTime series prediction is very different from image recognition and more data doesn't necessarily mean better prediction. If you're issuing performance problems, try fast preset (turn off optimizations, make less recurrent values, choose only few models, threshold datalength etc.) you can edit preset if you need. If you still have performance troubles, and you have too much data, use resampling and select only valuable columns - for example correlation_threshold and do not derive extra columns. If you are interested mostly in predictions and not in the plot, turn the plot off.\r\n\r\n## Future work\r\n\r\nIt's planned to do real GUI and possibility to serve web app as well as desktop. Scalability can be solved two ways. First is incremental learning (not every model supports today). Second is virtualisation (processes running in cluster separately).\r\n\r\nThere is very big todo list on root called `TODO.md.`\r\n\r\n## For developers\r\n\r\nAny help from other developers very appreciated... :D\r\nDon't be shy to create Issue, merge request or text on <malachovd@seznam.cz>\r\n",
    "bugtrack_url": null,
    "license": "mit",
    "summary": "Library/framework for making time series predictions with help of AutoML tools.",
    "version": "2.0.7",
    "split_keywords": [],
    "urls": [
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "fdad43aac16ce6ac2af9ae4410481d99e165ac57ec23f192c896fd7ce127c37e",
                "md5": "2541e7066f2cf37d036c98b4758c3889",
                "sha256": "1c2fd86a7bd27a078330b1b05134bad7b89e74ec7a83101b13cd53bbbf15065c"
            },
            "downloads": -1,
            "filename": "predictit-2.0.7-py3-none-any.whl",
            "has_sig": false,
            "md5_digest": "2541e7066f2cf37d036c98b4758c3889",
            "packagetype": "bdist_wheel",
            "python_version": "py3",
            "requires_python": null,
            "size": 72150,
            "upload_time": "2023-02-03T09:05:09",
            "upload_time_iso_8601": "2023-02-03T09:05:09.020476Z",
            "url": "https://files.pythonhosted.org/packages/fd/ad/43aac16ce6ac2af9ae4410481d99e165ac57ec23f192c896fd7ce127c37e/predictit-2.0.7-py3-none-any.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "d248507e40053dc68a72b5c9813f2d210f1106b17ee4cc497eff7b21de84e5e2",
                "md5": "725d93222abc2a434c62083ff2a43605",
                "sha256": "cbc3fdbba53f8dbb93de8ca3abd9439977794143a3cfe0392c01151ac609945c"
            },
            "downloads": -1,
            "filename": "predictit-2.0.7.tar.gz",
            "has_sig": false,
            "md5_digest": "725d93222abc2a434c62083ff2a43605",
            "packagetype": "sdist",
            "python_version": "source",
            "requires_python": null,
            "size": 63989,
            "upload_time": "2023-02-03T09:05:15",
            "upload_time_iso_8601": "2023-02-03T09:05:15.246465Z",
            "url": "https://files.pythonhosted.org/packages/d2/48/507e40053dc68a72b5c9813f2d210f1106b17ee4cc497eff7b21de84e5e2/predictit-2.0.7.tar.gz",
            "yanked": false,
            "yanked_reason": null
        }
    ],
    "upload_time": "2023-02-03 09:05:15",
    "github": true,
    "gitlab": false,
    "bitbucket": false,
    "github_user": "Malachov",
    "github_project": "predictit",
    "travis_ci": false,
    "coveralls": false,
    "github_actions": true,
    "requirements": [],
    "lcname": "predictit"
}
        
Elapsed time: 0.03637s