Technical Analysis library in pandas for backtesting algotrading and quantitative analysis

Related tags

Deep Learningbta-lib
Overview
Comments
  • AttributeError: module 'btalib' has no attribute 'sma'

    AttributeError: module 'btalib' has no attribute 'sma'

    import btalib
    import pandas as pd
    
    df = pd.read_csv('2006-day-001.txt', parse_dates=True, index_col='Date')
    sma = btalib.sma(df)
    

    gives AttributeError: module 'btalib' has no attribute 'sma'

    opened by HomunculusK 1
  • SMMA is not thread proof

    SMMA is not thread proof

    SMMA Function is working good when calling in not threading modus however when code is running in muli thread we get the following error:

    File "/home/engine.traderbot/src/indicators/smma.py", line 192, in __calculate_smma
    tmp = btalib.smma(self.ohlc_data[self.source], period=self.length)
    

    File "/home/anaconda/envs/traderbot/lib/python3.7/site-packages/btalib/indicator.py", line 110, in call self.outputs = self.o = meta.outputs._from_class(cls) File "/home/anaconda/envs/traderbot/lib/python3.7/site-packages/btalib/meta/outputs.py", line 30, in _from_class return _CLSOUTPUTScls # defvals params in dict format File "/home/anaconda/envs/traderbot/lib/python3.7/site-packages/btalib/meta/lines.py", line 630, in init metadata.minperiods[self] = [1] * len(self)

    opened by justmeonthegit 0
  • helloalgotrading raise exception FileNotFoundError

    helloalgotrading raise exception FileNotFoundError

    https://www.backtrader.com/home/helloalgotrading/

    Exception has occurred: FileNotFoundError       (note: full exception trace is shown but execution is paused at: _run_module_as_main)
    [Errno 2] No such file or directory: 'MSFT'
      File "D:\anaconda3\Lib\site-packages\backtrader\feed.py", line 674, in start
        self.f = io.open(self.p.dataname, 'r')
      File "D:\anaconda3\Lib\site-packages\backtrader\feeds\yahoo.py", line 94, in start
        super(YahooFinanceCSVData, self).start()
      File "D:\anaconda3\Lib\site-packages\backtrader\feeds\yahoo.py", line 355, in start
        super(YahooFinanceData, self).start()
      File "D:\anaconda3\Lib\site-packages\backtrader\feed.py", line 203, in _start
        self.start()
      File "D:\anaconda3\Lib\site-packages\backtrader\cerebro.py", line 1210, in runstrategies
        data._start()
      File "D:\anaconda3\Lib\site-packages\backtrader\cerebro.py", line 1127, in run
        runstrat = self.runstrategies(iterstrat)
      File "D:\code\digifinex\backTrader\1.py", line 37, in <module>
        cerebro.run()  # run it all
      File "D:\anaconda3\Lib\runpy.py", line 87, in _run_code
        exec(code, run_globals)
      File "D:\anaconda3\Lib\runpy.py", line 97, in _run_module_code
        _run_code(code, mod_globals, init_globals,
      File "D:\anaconda3\Lib\runpy.py", line 265, in run_path
        return _run_module_code(code, init_globals, run_name,
      File "D:\anaconda3\Lib\runpy.py", line 87, in _run_code
        exec(code, run_globals)
      File "D:\anaconda3\Lib\runpy.py", line 194, in _run_module_as_main (Current frame)
        return _run_code(code, main_globals, None,
    
    opened by szmcdull 1
  • bta-lib error : trying to use rsi indicator but gives ValueError: cannot set using a slice indexer with a different length than the value

    bta-lib error : trying to use rsi indicator but gives ValueError: cannot set using a slice indexer with a different length than the value

    Im trying to use bta-lib to calculate rsi indicator although it was fine with the sma function but through an error on rsi function ''' df=pd.read_csv('prices.csv') sma=btalib.sma(df,period=9)#works fine rsi=btalib.rsi(df,period=14)#through an error ''' error= ValueError: cannot set using a slice indexer with a different length than the value... my df len is enough.

    opened by alishah79 0
  • bta-lib compatibility issues with new Numpy releases.

    bta-lib compatibility issues with new Numpy releases.

    BTA-LIB is running into compatibility issues with Numpy. From backtrader forum: bta-lib adx() error

    @run-out I found the library version incompatibility! I was running with numpy v1.20.1, the latest version. I installed an older version, the version of numpy available right around when btalib v1.0.0 was released, numpy v1.18.2. It worked 🙌🏼 So that means bta-lib needs to be updated to work with the latest versions of pandas and numpy. Thanks again for taking the time to work this out with me 👍🏼🌷 Here's my output now:

    (sandbox) 13:13 • screener • master • d5822cb ✗
    ❯ python bta-adx.py
    numpy v1.18.2
    pandas v1.0.4
    btalib v1.0.0
                     Open       High        Low  ...    Volume        rsi        adx
    Date                                         ...
    2021-03-22  79.989998  81.269997  79.220001  ...  39648600  44.939105  26.393616
    2021-03-23  80.129997  80.339996  77.949997  ...  40466600  41.737588  26.112061
    2021-03-24  77.550003  78.800003  76.400002  ...  43753600  38.792404  26.252038
    2021-03-25  75.849998  76.949997  74.959999  ...  44735100  38.393151  26.729348
    2021-03-26  76.620003  77.500000  75.029999  ...  49109400  41.367524  26.915669
    
    opened by neilsmurphy 0
Releases(1.0.0)
An implementation of IMLE-Net: An Interpretable Multi-level Multi-channel Model for ECG Classification

IMLE-Net: An Interpretable Multi-level Multi-channel Model for ECG Classification The repostiory consists of the code, results and data set links for

12 Dec 26, 2022
NVIDIA Merlin is an open source library providing end-to-end GPU-accelerated recommender systems, from feature engineering and preprocessing to training deep learning models and running inference in production.

NVIDIA Merlin NVIDIA Merlin is an open source library designed to accelerate recommender systems on NVIDIA’s GPUs. It enables data scientists, machine

419 Jan 03, 2023
Code for the CIKM 2019 paper "DSANet: Dual Self-Attention Network for Multivariate Time Series Forecasting".

Dual Self-Attention Network for Multivariate Time Series Forecasting 20.10.26 Update: Due to the difficulty of installation and code maintenance cause

Kyon Huang 223 Dec 16, 2022
PyMatting: A Python Library for Alpha Matting

Given an input image and a hand-drawn trimap (top row), alpha matting estimates the alpha channel of a foreground object which can then be composed onto a different background (bottom row).

PyMatting 1.4k Dec 30, 2022
rliable is an open-source Python library for reliable evaluation, even with a handful of runs, on reinforcement learning and machine learnings benchmarks.

Open-source library for reliable evaluation on reinforcement learning and machine learning benchmarks. See NeurIPS 2021 oral for details.

Google Research 529 Jan 01, 2023
Face recognition with trained classifiers for detecting objects using OpenCV

Face_Detector Face recognition with trained classifiers for detecting objects using OpenCV Libraries required to be installed using pip Command: cv2 n

Chumui Tripura 0 Oct 31, 2021
First-Order Probabilistic Programming Language

FOPPL: A First-Order Probabilistic Programming Language This is an implementation of FOPPL, an S-expression based probabilistic programming language d

Renato Costa 23 Dec 20, 2022
Official Pytorch implementation for video neural representation (NeRV)

NeRV: Neural Representations for Videos (NeurIPS 2021) Project Page | Paper | UVG Data Hao Chen, Bo He, Hanyu Wang, Yixuan Ren, Ser-Nam Lim, Abhinav S

hao 214 Dec 28, 2022
An evaluation toolkit for voice conversion models.

Voice-conversion-evaluation An evaluation toolkit for voice conversion models. Sample test pair Generate the metadata for evaluating models. The direc

30 Aug 29, 2022
BBB streaming without Xorg and Pulseaudio and Chromium and other nonsense (heavily WIP)

BBB Streamer NG? Makes a conference like this... ...streamable like this! I also recorded a small video showing the basic features: https://www.youtub

Lukas Schauer 60 Oct 21, 2022
Tensorflow 2.x based implementation of EDSR, WDSR and SRGAN for single image super-resolution

Single Image Super-Resolution with EDSR, WDSR and SRGAN A Tensorflow 2.x based implementation of Enhanced Deep Residual Networks for Single Image Supe

Martin Krasser 1.3k Jan 06, 2023
Pytorch implementation for the EMNLP 2020 (Findings) paper: Connecting the Dots: A Knowledgeable Path Generator for Commonsense Question Answering

Path-Generator-QA This is a Pytorch implementation for the EMNLP 2020 (Findings) paper: Connecting the Dots: A Knowledgeable Path Generator for Common

Peifeng Wang 33 Dec 05, 2022
MarcoPolo is a clustering-free approach to the exploration of bimodally expressed genes along with group information in single-cell RNA-seq data

MarcoPolo is a method to discover differentially expressed genes in single-cell RNA-seq data without depending on prior clustering Overview MarcoPolo

Chanwoo Kim 13 Dec 18, 2022
Pixel-Perfect Structure-from-Motion with Featuremetric Refinement (ICCV 2021, Oral)

Pixel-Perfect Structure-from-Motion (ICCV 2021 Oral) We introduce a framework that improves the accuracy of Structure-from-Motion by refining keypoint

Computer Vision and Geometry Lab 831 Dec 29, 2022
《A-CNN: Annularly Convolutional Neural Networks on Point Clouds》(2019)

A-CNN: Annularly Convolutional Neural Networks on Point Clouds Created by Artem Komarichev, Zichun Zhong, Jing Hua from Department of Computer Science

Artёm Komarichev 44 Feb 24, 2022
PIXIE: Collaborative Regression of Expressive Bodies

PIXIE: Collaborative Regression of Expressive Bodies [Project Page] This is the official Pytorch implementation of PIXIE. PIXIE reconstructs an expres

Yao Feng 331 Jan 04, 2023
Simplified interface for TensorFlow (mimicking Scikit Learn) for Deep Learning

SkFlow has been moved to Tensorflow. SkFlow has been moved to http://github.com/tensorflow/tensorflow into contrib folder specifically located here. T

3.2k Dec 29, 2022
MixRNet(Using mixup as regularization and tuning hyper-parameters for ResNets)

MixRNet(Using mixup as regularization and tuning hyper-parameters for ResNets) Using mixup data augmentation as reguliraztion and tuning the hyper par

Bhanu 2 Jan 16, 2022
Instant-nerf-pytorch - NeRF trained SUPER FAST in pytorch

instant-nerf-pytorch This is WORK IN PROGRESS, please feel free to contribute vi

94 Nov 22, 2022
PyTorch META-DATASET (Few-shot classification benchmark)

PyTorch META-DATASET (Few-shot classification benchmark) This repo contains a PyTorch implementation of meta-dataset and a unified implementation of s

Malik Boudiaf 39 Oct 31, 2022