vectorbt is a backtesting library on steroids — it operates entirely on pandas and NumPy objects, and is accelerated by Numba to analyze time series at speed and scale.
In contrast to other backtesters, vectorbt represents data as nd-arrays. This enables superfast computation using vectorized operations with NumPy and non-vectorized but dynamically compiled operations with Numba. It also integrates plotly.py and ipywidgets to display complex charts and dashboards akin to Tableau right in the Jupyter notebook. Due to high performance, vectorbt can process large amounts of data even without GPU and parallelization and enables the user to interact with data-hungry widgets without significant delays.
With vectorbt, you can
- Build your pipelines in a few lines of code
- Retain full control over execution (as opposed to web-based services such as TradingView)
- Optimize your trading strategy against many parameters, assets, and periods in one go
- Uncover hidden patterns in financial markets
- Analyze time series and engineer new features for ML models
- Supercharge pandas and your favorite tools to run much faster
- Visualize strategy performance using interactive charts and dashboards (both in Jupyter and browser)
- Fetch and process data periodically, send Telegram notifications, and more
pip install vectorbtTo also install optional dependencies:
pip install vectorbt[full]See License notes on optional dependencies.
Troubleshooting:
You can pull the most recent Docker image if you have Docker installed.
docker run --rm -p 8888:8888 -v "$PWD":/home/jovyan/work polakowo/vectorbtThis command pulls the latest polakowo/vectorbt image from Docker Hub. It then starts a container running
a Jupyter Notebook server and exposes the server on host port 8888. Visiting http://127.0.0.1:8888/?token=<token>
in a browser loads JupyterLab, where token is the secret token printed in the console. Docker destroys
the container after notebook server exit, but any files written to the working directory in the container
remain intact in the working directory on the host. See Jupyter Docker Stacks - Quick Start.
There are two types of images:
- polakowo/vectorbt: vanilla version (default)
- polakowo/vectorbt-full: full version (with optional dependencies)
Each Docker image is based on jupyter/scipy-notebook and comes with Jupyter environment, vectorbt, and other scientific packages installed.
Start backtesting with just a couple of lines:
Here is how much profit we would have made if we invested $100 into Bitcoin in 2014 and held (Note: first time compiling with Numba may take a while):
import vectorbt as vbt
price = vbt.YFData.download('BTC-USD').get('Close')
pf = vbt.Portfolio.from_holding(price, init_cash=100)
pf.total_profit()8961.008555963961
The crossover of 10-day SMA and 50-day SMA:
fast_ma = vbt.MA.run(price, 10)
slow_ma = vbt.MA.run(price, 50)
entries = fast_ma.ma_above(slow_ma, crossover=True)
exits = fast_ma.ma_below(slow_ma, crossover=True)
pf = vbt.Portfolio.from_signals(price, entries, exits, init_cash=100)
pf.total_profit()16423.251963801864
Generate 1,000 random strategies and test them on BTC and ETH:
import numpy as np
symbols = ["BTC-USD", "ETH-USD"]
price = vbt.YFData.download(symbols, missing_index='drop').get('Close')
n = np.random.randint(10, 101, size=1000).tolist()
pf = vbt.Portfolio.from_random_signals(price, n=n, init_cash=100, seed=42)
mean_expectancy = pf.trades.expectancy().groupby(['randnx_n', 'symbol']).mean()
fig = mean_expectancy.unstack().vbt.scatterplot(xaxis_title='randnx_n', yaxis_title='mean_expectancy')
fig.show()For fans of hyperparameter optimization: here is a snippet for testing 10,000 window combinations of a dual SMA crossover strategy on BTC, USD, and LTC:
symbols = ["BTC-USD", "ETH-USD", "LTC-USD"]
price = vbt.YFData.download(symbols, missing_index='drop').get('Close')
windows = np.arange(2, 101)
fast_ma, slow_ma = vbt.MA.run_combs(price, window=windows, r=2, short_names=['fast', 'slow'])
entries = fast_ma.ma_above(slow_ma, crossover=True)
exits = fast_ma.ma_below(slow_ma, crossover=True)
pf_kwargs = dict(size=np.inf, fees=0.001, freq='1D')
pf = vbt.Portfolio.from_signals(price, entries, exits, **pf_kwargs)
fig = pf.total_return().vbt.heatmap(
    x_level='fast_window', y_level='slow_window', slider_level='symbol', symmetric=True,
    trace_kwargs=dict(colorbar=dict(title='Total return', tickformat='%')))
fig.show()Digging into each strategy configuration is as simple as indexing with pandas:
pf[(10, 20, 'ETH-USD')].stats()Start                          2015-08-07 00:00:00+00:00
End                            2021-08-01 00:00:00+00:00
Period                                2183 days 00:00:00
Start Value                                        100.0
End Value                                  620402.791485
Total Return [%]                           620302.791485
Benchmark Return [%]                        92987.961948
Max Gross Exposure [%]                             100.0
Total Fees Paid                             10991.676981
Max Drawdown [%]                               70.734951
Max Drawdown Duration                  760 days 00:00:00
Total Trades                                          54
Total Closed Trades                                   53
Total Open Trades                                      1
Open Trade PnL                              67287.940601
Win Rate [%]                                   52.830189
Best Trade [%]                               1075.803607
Worst Trade [%]                               -29.593414
Avg Winning Trade [%]                          95.695343
Avg Losing Trade [%]                          -11.890246
Avg Winning Trade Duration    35 days 23:08:34.285714286
Avg Losing Trade Duration                8 days 00:00:00
Profit Factor                                   2.651143
Expectancy                                   10434.24247
Sharpe Ratio                                    2.041211
Calmar Ratio                                      4.6747
Omega Ratio                                     1.547013
Sortino Ratio                                   3.519894
Name: (10, 20, ETH-USD), dtype: object
The same for plotting:
pf[(10, 20, 'ETH-USD')].plot().show()It's not all about backtesting - vectorbt can be used to facilitate financial data analysis and visualization. Let's generate a GIF that animates the %B and bandwidth of Bollinger Bands for different symbols:
symbols = ["BTC-USD", "ETH-USD", "ADA-USD"]
price = vbt.YFData.download(symbols, period='6mo', missing_index='drop').get('Close')
bbands = vbt.BBANDS.run(price)
def plot(index, bbands):
    bbands = bbands.loc[index]
    fig = vbt.make_subplots(
        rows=2, cols=1, shared_xaxes=True, vertical_spacing=0.15,
        subplot_titles=('%B', 'Bandwidth'))
    fig.update_layout(template='vbt_dark', showlegend=False, width=750, height=400)
    bbands.percent_b.vbt.ts_heatmap(
        trace_kwargs=dict(zmin=0, zmid=0.5, zmax=1, colorscale='Spectral', colorbar=dict(
            y=(fig.layout.yaxis.domain[0] + fig.layout.yaxis.domain[1]) / 2, len=0.5
        )), add_trace_kwargs=dict(row=1, col=1), fig=fig)
    bbands.bandwidth.vbt.ts_heatmap(
        trace_kwargs=dict(colorbar=dict(
            y=(fig.layout.yaxis2.domain[0] + fig.layout.yaxis2.domain[1]) / 2, len=0.5
        )), add_trace_kwargs=dict(row=2, col=1), fig=fig)
    return fig
vbt.save_animation('bbands.gif', bbands.wrapper.index, plot, bbands, delta=90, step=3, fps=3)100%|██████████| 31/31 [00:21<00:00,  1.21it/s]
vectorbt combines pandas, NumPy, and Numba sauce to obtain orders-of-magnitude speedup over other libraries. It natively works on pandas objects while performing all computations using NumPy and Numba under the hood. This way, it is often much faster than pandas alone:
>>> big_ts = pd.DataFrame(np.random.uniform(size=(1000, 1000)))
# pandas
>>> %timeit big_ts.expanding().max()
48.4 ms ± 557 µs per loop (mean ± std. dev. of 7 runs, 10 loops each)
# vectorbt
>>> %timeit big_ts.vbt.expanding_max()
8.82 ms ± 121 µs per loop (mean ± std. dev. of 7 runs, 100 loops each)
In contrast to other backtesters, vectorbt is optimized for working with multi-dimensional data: it treats the index of a Series/DataFrame as a time axis and columns as distinct configurations that should be backtested, and performs computations on the entire array at once, without slow Python loops.
To make the library easier to use, vectorbt introduces a namespace (accessor) to pandas objects (see extending pandas). This way, users can easily switch between pandas and vectorbt functionality. Moreover, each vectorbt method is flexible towards inputs and can work on both Series and DataFrames.
- Extends pandas using a custom vbtaccessor -> Compatible with any library
- For high performance, most operations are done strictly using NumPy and Numba -> Much faster than comparable operations in pandas
# pandas
>>> %timeit big_ts + 1
242 ms ± 3.58 ms per loop (mean ± std. dev. of 7 runs, 1 loop each)
# vectorbt
>>> %timeit big_ts.vbt + 1
3.32 ms ± 19.7 µs per loop (mean ± std. dev. of 7 runs, 100 loops each)
- Functions for combining, transforming, and indexing NumPy and pandas objects
- Smart broadcasting for pandas
 
# pandas
>>> pd.Series([1, 2, 3]) + pd.DataFrame([[1, 2, 3]])
   0  1  2
0  2  4  6
# vectorbt
>>> pd.Series([1, 2, 3]).vbt + pd.DataFrame([[1, 2, 3]])
   0  1  2
0  2  3  4
1  3  4  5
2  4  5  6
- Compiled versions of common pandas functions, such as rolling, groupby, and resample
# pandas
>>> %timeit big_ts.rolling(2).apply(np.mean, raw=True)
7.32 s ± 431 ms per loop (mean ± std. dev. of 7 runs, 1 loop each)
# vectorbt
>>> mean_nb = njit(lambda col, i, x: np.mean(x))
>>> %timeit big_ts.vbt.rolling_apply(2, mean_nb)
86.2 ms ± 7.97 ms per loop (mean ± std. dev. of 7 runs, 1 loop each)
- Splitting functions for time series cross-validation
- Supports scikit-learn splitters
 
>>> pd.Series([1, 2, 3, 4, 5]).vbt.expanding_split()[0]
split_idx    0    1    2    3  4
0          1.0  1.0  1.0  1.0  1
1          NaN  2.0  2.0  2.0  2
2          NaN  NaN  3.0  3.0  3
3          NaN  NaN  NaN  4.0  4
4          NaN  NaN  NaN  NaN  5
- Transformation functions for rescaling and normalization
- Drawdown analysis
>>> pd.Series([2, 1, 3, 2]).vbt.drawdowns.plot().show()
- Functions for working with signals
- Entry, exit, and random signal generators
- Stop signal, ranking, and map-reduce functions
 
>>> pd.Series([False, True, True, True]).vbt.signals.first()
0    False
1     True
2    False
3    False
dtype: bool
- Signal factory for building signal generators
- Includes basic generators such for random signal generation
 
>>> randnx = vbt.RANDNX.run(n=[0, 1, 2], input_shape=(6,), seed=42)
>>> randnx.entries
randnx_n      0      1      2
0         False   True   True
1         False  False  False
2         False  False  False
3         False  False   True
4         False  False  False
5         False  False  False
>>> randnx.exits
randnx_n      0      1      2
0         False  False  False
1         False  False   True
2         False  False  False
3         False   True  False
4         False  False   True
5         False  False  False
- Functions for working with returns
- Numba-compiled versions of metrics found in empyrical
- Rolling versions of most metrics
- Adapter for quantstats
 
>>> pd.Series([0.01, -0.01, 0.01]).vbt.returns(freq='1D').sharpe_ratio()
5.515130702591433
- Class for modeling portfolios
- Accepts signals, orders, and custom order function
- Supports long and short positions
- Supports individual and multi-asset mixed portfolios
- Offers metrics and tools for analyzing returns, orders, and trades
- Allows saving and loading from disk using dill
 
>>> price = [1., 2., 3., 2., 1.]
>>> entries = [True, False, True, False, False]
>>> exits = [False, True, False, True, False]
>>> pf = vbt.Portfolio.from_signals(price, entries, exits, freq='1D')
>>> pf.trades.plot().show()
- Indicator factory for building complex technical indicators with ease
- Includes technical indicators with full Numba support
- Moving average, Bollinger Bands, RSI, Stochastic, MACD, and more
 
- Each indicator has methods for generating signals and plotting
- Each indicator takes arbitrary parameter combinations, from arrays to Cartesian products
- Supports ta, pandas-ta, and TA-Lib indicators out of the box
- Supports parallelization with Ray
 
- Includes technical indicators with full Numba support
>>> price = pd.Series([1, 2, 3, 4, 5], dtype=float)
>>> vbt.MA.run(price, [2, 3]).ma  # vectorbt
ma_window    2    3
0          NaN  NaN
1          1.5  NaN
2          2.5  2.0
3          3.5  3.0
4          4.5  4.0
>>> vbt.ta('SMAIndicator').run(price, [2, 3]).sma_indicator  # ta
smaindicator_window    2    3
0                    NaN  NaN
1                    1.5  NaN
2                    2.5  2.0
3                    3.5  3.0
4                    4.5  4.0
>>> vbt.pandas_ta('SMA').run(price, [2, 3]).sma  # pandas-ta
sma_length    2    3
0           NaN  NaN
1           1.5  NaN
2           2.5  2.0
3           3.5  3.0
4           4.5  4.0
>>> vbt.talib('SMA').run(price, [2, 3]).real  # TA-Lib
sma_timeperiod    2    3
0               NaN  NaN
1               1.5  NaN
2               2.5  2.0
3               3.5  3.0
4               4.5  4.0
- Tailored statistics for many backtesting components
>>> pd.Series([1, 2, 3, 2, 3, 2, 1, 2]).vbt(freq='d').drawdowns.stats()
Start                                        0
End                                          7
Period                         8 days 00:00:00
Coverage [%]                              50.0
Total Records                                2
Total Recovered Drawdowns                    1
Total Active Drawdowns                       1
Active Drawdown [%]                  33.333333
Active Duration                3 days 00:00:00
Active Recovery [%]                       50.0
Active Recovery Return [%]               100.0
Active Recovery Duration       1 days 00:00:00
Max Drawdown [%]                     33.333333
Avg Drawdown [%]                     33.333333
Max Drawdown Duration          1 days 00:00:00
Avg Drawdown Duration          1 days 00:00:00
Max Recovery Return [%]                   50.0
Avg Recovery Return [%]                   50.0
Max Recovery Duration          1 days 00:00:00
Avg Recovery Duration          1 days 00:00:00
Avg Recovery Duration Ratio                1.0
dtype: object
- Label generation for ML models
>>> price = np.cumprod(np.random.uniform(-0.1, 0.1, size=100) + 1)
>>> vbt.LEXLB.run(price, 0.2, 0.2).plot().show()
- Classes for downloading and (periodically) updating data
- Includes APIs such as ccxt, yfinance and python-binance
- Allows creation of new data classes with ease
 
- Telegram bot based on python-telegram-bot
- Interactive Plotly-based widgets for visual data analysis
Head over to the documentation to get started.
- Performance analysis of Moving Average Crossover
- Performance analysis of stop signals
- Backtesting per trading session
- Portfolio optimization
- Plotting MACD parameters as 3D volume
- Walk-forward optimization
- Running Telegram signal bot
- Porting RSI strategy from backtrader
- Pairs trading (vs backtrader)
Note: you must run the notebook to play with the widgets.
- If you need supervision or any help with your implementation, join a private chat
- For questions on Numba and other parts, the best place to go to is StackOverflow
- If you have general questions, start a new GitHub Discussion
- Alternatively, you can ask on Gitter
 
- If you found what appears to be a bug, please create a new issue
- For other inquiries, please contact the author
Pull requests are welcome. For major changes, please open an issue first to discuss what you would like to change.
First, you need to install vectorbt from the repository:
pip uninstall vectorbt
git clone https://github.com/polakowo/vectorbt.git
cd vectorbt
pip install -e .After making changes, make sure you did not break any functionality:
pytestMake sure to update tests as appropriate.
Please note: contribution to this project requires signing a Contributor Licence Agreement (CLA).
This work is fair-code distributed under Apache 2.0 with Commons Clause license. The source code is open and everyone (individuals and organizations) can use it for free. However, it is not allowed to sell products and services that are mostly just this software.
If you have any questions about this or want to apply for a license exception, please contact the author.
Installing optional dependencies may be subject to a more restrictive license.
This software is for educational purposes only. Do not risk money which you are afraid to lose. USE THE SOFTWARE AT YOUR OWN RISK. THE AUTHORS AND ALL AFFILIATES ASSUME NO RESPONSIBILITY FOR YOUR TRADING RESULTS.