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.
    Official implementation of the paper Vision Transformer with Progressive Sampling, ICCV 2021.

    Vision Transformer with Progressive Sampling This is the official implementation of the paper Vision Transformer with Progressive Sampling, ICCV 2021.

    yuexy 123 Jan 01, 2023
    Official implementation of "Dynamic Anchor Learning for Arbitrary-Oriented Object Detection" (AAAI2021).

    DAL This project hosts the official implementation for our AAAI 2021 paper: Dynamic Anchor Learning for Arbitrary-Oriented Object Detection [arxiv] [c

    ming71 215 Nov 28, 2022
    Just-Now - This Is Just Now Login Friendlist Cloner Tools

    JUST NOW LOGIN FRIENDLIST CLONER TOOLS Install $ apt update $ apt upgrade $ apt

    MAHADI HASAN AFRIDI 21 Mar 09, 2022
    IDRLnet, a Python toolbox for modeling and solving problems through Physics-Informed Neural Network (PINN) systematically.

    IDRLnet IDRLnet is a machine learning library on top of PyTorch. Use IDRLnet if you need a machine learning library that solves both forward and inver

    IDRL 105 Dec 17, 2022
    Neural style transfer as a class in PyTorch

    pt-styletransfer Neural style transfer as a class in PyTorch Based on: https://github.com/alexis-jacq/Pytorch-Tutorials Adds: StyleTransferNet as a cl

    Tyler Kvochick 31 Jun 27, 2022
    PyTorch implementation of Graph Convolutional Networks in Feature Space for Image Deblurring and Super-resolution, IJCNN 2021.

    GCResNet PyTorch implementation of Graph Convolutional Networks in Feature Space for Image Deblurring and Super-resolution, IJCNN 2021. The code will

    11 May 19, 2022
    Generative vs Discriminative: Rethinking The Meta-Continual Learning (NeurIPS 2021)

    Generative vs Discriminative: Rethinking The Meta-Continual Learning (NeurIPS 2021) In this repository we provide PyTorch implementations for GeMCL; a

    4 Apr 15, 2022
    Research code for the paper "Variational Gibbs inference for statistical estimation from incomplete data".

    Variational Gibbs inference (VGI) This repository contains the research code for Simkus, V., Rhodes, B., Gutmann, M. U., 2021. Variational Gibbs infer

    Vaidotas Šimkus 1 Apr 08, 2022
    An implementation of the "Attention is all you need" paper without extra bells and whistles, or difficult syntax

    Simple Transformer An implementation of the "Attention is all you need" paper without extra bells and whistles, or difficult syntax. Note: The only ex

    29 Jun 16, 2022
    A high-level Python library for Quantum Natural Language Processing

    lambeq About lambeq is a toolkit for quantum natural language processing (QNLP). Documentation: https://cqcl.github.io/lambeq/ User support: lambeq-su

    Cambridge Quantum 315 Jan 01, 2023
    Double pendulum simulator using a symplectic Euler's method and Hamiltonian mechanics

    Symplectic Double Pendulum Simulator Double pendulum simulator using a symplectic Euler's method. The program calculates the momentum and position of

    Scott Marino 1 Jan 12, 2022
    Face Recognition Attendance Project

    Face-Recognition-Attendance-Project In This Project You will learn how to mark attendance using face recognition, Hello Guys This is Gautam Kumar, Thi

    Gautam Kumar 1 Dec 03, 2022
    Data loaders and abstractions for text and NLP

    torchtext This repository consists of: torchtext.datasets: The raw text iterators for common NLP datasets torchtext.data: Some basic NLP building bloc

    3.2k Jan 08, 2023
    Dataset Cartography: Mapping and Diagnosing Datasets with Training Dynamics

    Dataset Cartography Code for the paper Dataset Cartography: Mapping and Diagnosing Datasets with Training Dynamics at EMNLP 2020. This repository cont

    AI2 125 Dec 22, 2022
    Pytorch implementation for RelTransformer

    RelTransformer Our Architecture This is a Pytorch implementation for RelTransformer The implementation for Evaluating on VG200 can be found here Requi

    Vision CAIR Research Group, KAUST 21 Nov 22, 2022
    Continuous Time LiDAR odometry

    CT-ICP: Elastic SLAM for LiDAR sensors This repository implements the SLAM CT-ICP (see our article), a lightweight, precise and versatile pure LiDAR o

    385 Dec 29, 2022
    A Real-World Benchmark for Reinforcement Learning based Recommender System

    RL4RS: A Real-World Benchmark for Reinforcement Learning based Recommender System RL4RS is a real-world deep reinforcement learning recommender system

    121 Dec 01, 2022
    MARE - Multi-Attribute Relation Extraction

    MARE - Multi-Attribute Relation Extraction Repository for the paper submission: #TODO: insert link, when available Environment Tested with Ubuntu 18.0

    0 May 11, 2021
    [AAAI2021] The source code for our paper 《Enhancing Unsupervised Video Representation Learning by Decoupling the Scene and the Motion》.

    DSM The source code for paper Enhancing Unsupervised Video Representation Learning by Decoupling the Scene and the Motion Project Website; Datasets li

    Jinpeng Wang 114 Oct 16, 2022
    User-friendly bulk RNAseq deconvolution using simulated annealing

    Welcome to cellanneal - The user-friendly application for deconvolving omics data sets. cellanneal is an application for deconvolving biological mixtu

    11 Dec 16, 2022