LSTMs (Long Short Term Memory) RNN for prediction of price trends

Overview

Price Prediction with Recurrent Neural Networks LSTMs

BTC-USD price prediction with deep learning algorithm. Artificial Neural Networks specifically LSTMs(Long Short Term Memory) RNN algorithm was implimented with pytorch deep learning framework and trained on BTC-USD dataset with data samples dating from 2014 up to 2020.

Pictorial View of the Test Result


Libraries Used

  • pandas
  • Numpy
  • Pickle
  • Sci-KitLearn
  • Matplotlib
  • tqdm
  • Pytorch Deep Learning Framework

  • Install Requirement Files

    clone the repository or download the 'requirement.txt' files, then open terminal in the working directory and type
    'pip install -r requirements.txt'
    to install all the requirements for this project.
    Project Aquarium is a SUSE-sponsored open source project aiming at becoming an easy to use, rock solid storage appliance based on Ceph.

    Project Aquarium Project Aquarium is a SUSE-sponsored open source project aiming at becoming an easy to use, rock solid storage appliance based on Cep

    Aquarist Labs 73 Jul 21, 2022
    Code and Resources for the Transformer Encoder Reasoning Network (TERN)

    Transformer Encoder Reasoning Network Code for the cross-modal visual-linguistic retrieval method from "Transformer Reasoning Network for Image-Text M

    Nicola Messina 53 Dec 30, 2022
    MINERVA: An out-of-the-box GUI tool for offline deep reinforcement learning

    MINERVA is an out-of-the-box GUI tool for offline deep reinforcement learning, designed for everyone including non-programmers to do reinforcement learning as a tool.

    Takuma Seno 80 Nov 06, 2022
    Beta Shapley: a Unified and Noise-reduced Data Valuation Framework for Machine Learning

    Beta Shapley: a Unified and Noise-reduced Data Valuation Framework for Machine Learning This repository provides an implementation of the paper Beta S

    Yongchan Kwon 28 Nov 10, 2022
    implementation of the paper "MarginGAN: Adversarial Training in Semi-Supervised Learning"

    MarginGAN This repository is the implementation of the paper "MarginGAN: Adversarial Training in Semi-Supervised Learning". 1."preliminary" is the imp

    Van 7 Dec 23, 2022
    Official repository for the paper "Instance-Conditioned GAN"

    Official repository for the paper "Instance-Conditioned GAN" by Arantxa Casanova, Marlene Careil, Jakob Verbeek, Michał Drożdżal, Adriana Romero-Soriano.

    Facebook Research 510 Dec 30, 2022
    This is the code for Deformable Neural Radiance Fields, a.k.a. Nerfies.

    Deformable Neural Radiance Fields This is the code for Deformable Neural Radiance Fields, a.k.a. Nerfies. Project Page Paper Video This codebase conta

    Google 1k Jan 09, 2023
    Embeddinghub is a database built for machine learning embeddings.

    Embeddinghub is a database built for machine learning embeddings.

    Featureform 1.2k Jan 01, 2023
    💡 Learnergy is a Python library for energy-based machine learning models.

    Learnergy: Energy-based Machine Learners Welcome to Learnergy. Did you ever reach a bottleneck in your computational experiments? Are you tired of imp

    Gustavo Rosa 57 Nov 17, 2022
    FTIR-Deep Learning - FTIR Deep Learning With Python

    CANDIY-spectrum Human analyis of chemical spectra such as Mass Spectra (MS), Inf

    Wei Mei 1 Jan 03, 2022
    Unofficial TensorFlow implementation of the Keyword Spotting Transformer model

    Keyword Spotting Transformer This is the unofficial TensorFlow implementation of the Keyword Spotting Transformer model. This model is used to train o

    Intelligent Machines Limited 8 May 11, 2022
    tensorrt int8 量化yolov5 4.0 onnx模型

    onnx模型转换为 int8 tensorrt引擎

    123 Dec 28, 2022
    BRNet - code for Automated assessment of BI-RADS categories for ultrasound images using multi-scale neural networks with an order-constrained loss function

    BRNet code for "Automated assessment of BI-RADS categories for ultrasound images using multi-scale neural networks with an order-constrained loss func

    Yong Pi 2 Mar 09, 2022
    Pytorch code for our paper Beyond ImageNet Attack: Towards Crafting Adversarial Examples for Black-box Domains)

    Beyond ImageNet Attack: Towards Crafting Adversarial Examples for Black-box Domains (ICLR'2022) This is the Pytorch code for our paper Beyond ImageNet

    Alibaba-AAIG 37 Nov 23, 2022
    The official implementation of our CVPR 2021 paper - Hybrid Rotation Averaging: A Fast and Robust Rotation Averaging Approach

    Graph Optimizer This repo contains the official implementation of our CVPR 2021 paper - Hybrid Rotation Averaging: A Fast and Robust Rotation Averagin

    Chenyu 109 Dec 23, 2022
    Supplementary code for the experiments described in the 2021 ISMIR submission: Leveraging Hierarchical Structures for Few Shot Musical Instrument Recognition.

    Music Trees Supplementary code for the experiments described in the 2021 ISMIR submission: Leveraging Hierarchical Structures for Few Shot Musical Ins

    Hugo Flores García 32 Nov 22, 2022
    This is the official repository for our paper: ''Pruning Self-attentions into Convolutional Layers in Single Path''.

    Pruning Self-attentions into Convolutional Layers in Single Path This is the official repository for our paper: Pruning Self-attentions into Convoluti

    Zhuang AI Group 77 Dec 26, 2022
    [CVPR 2021 Oral] Variational Relational Point Completion Network

    VRCNet: Variational Relational Point Completion Network This repository contains the PyTorch implementation of the paper: Variational Relational Point

    PL 121 Dec 12, 2022
    Implementation of H-UCRL Algorithm

    Implementation of H-UCRL Algorithm This repository is an implementation of the H-UCRL algorithm introduced in Curi, S., Berkenkamp, F., & Krause, A. (

    Sebastian Curi 25 May 20, 2022
    [ICCV 2021 Oral] SnowflakeNet: Point Cloud Completion by Snowflake Point Deconvolution with Skip-Transformer

    This repository contains the source code for the paper SnowflakeNet: Point Cloud Completion by Snowflake Point Deconvolution with Skip-Transformer (ICCV 2021 Oral). The project page is here.

    AllenXiang 65 Dec 26, 2022