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.
    Deep Learning Tutorial for Kaggle Ultrasound Nerve Segmentation competition, using Keras

    Deep Learning Tutorial for Kaggle Ultrasound Nerve Segmentation competition, using Keras This tutorial shows how to use Keras library to build deep ne

    Marko Jocić 922 Dec 19, 2022
    Learning from graph data using Keras

    Steps to run = Download the cora dataset from this link : https://linqs.soe.ucsc.edu/data unzip the files in the folder input/cora cd code python eda

    Mansar Youness 64 Nov 16, 2022
    Official implementation of "Open-set Label Noise Can Improve Robustness Against Inherent Label Noise" (NeurIPS 2021)

    Open-set Label Noise Can Improve Robustness Against Inherent Label Noise NeurIPS 2021: This repository is the official implementation of ODNL. Require

    Hongxin Wei 12 Dec 07, 2022
    Numerai tournament example scripts using NN and optuna

    numerai_NN_example Numerai tournament example scripts using pytorch NN, lightGBM and optuna https://numer.ai/tournament Performance of my model based

    Takahiro Maeda 12 Oct 10, 2022
    Supercharging Imbalanced Data Learning WithCausal Representation Transfer

    ECRT: Energy-based Causal Representation Transfer Code for Supercharging Imbalanced Data Learning With Energy-basedContrastive Representation Transfer

    Zidi Xiu 11 May 02, 2022
    Code & Data for Enhancing Photorealism Enhancement

    Enhancing Photorealism Enhancement Stephan R. Richter, Hassan Abu AlHaija, Vladlen Koltun Paper | Website (with side-by-side comparisons) | Video (Pap

    Intelligent Systems Lab Org 1.1k Dec 31, 2022
    Code for our CVPR 2022 Paper "GEN-VLKT: Simplify Association and Enhance Interaction Understanding for HOI Detection"

    GEN-VLKT Code for our CVPR 2022 paper "GEN-VLKT: Simplify Association and Enhance Interaction Understanding for HOI Detection". Contributed by Yue Lia

    Yue Liao 47 Dec 04, 2022
    Official re-implementation of the Calibrated Adversarial Refinement model described in the paper Calibrated Adversarial Refinement for Stochastic Semantic Segmentation

    Official re-implementation of the Calibrated Adversarial Refinement model described in the paper Calibrated Adversarial Refinement for Stochastic Semantic Segmentation

    Elias Kassapis 31 Nov 22, 2022
    Official Pytorch Implementation of: "ImageNet-21K Pretraining for the Masses"(2021) paper

    ImageNet-21K Pretraining for the Masses Paper | Pretrained models Official PyTorch Implementation Tal Ridnik, Emanuel Ben-Baruch, Asaf Noy, Lihi Zelni

    574 Jan 02, 2023
    SynNet - synthetic tree generation using neural networks

    SynNet This repo contains the code and analysis scripts for our amortized approach to synthetic tree generation using neural networks. Our model can s

    Wenhao Gao 60 Dec 29, 2022
    This GitHub repo consists of Code and Some results of project- Diabetes Treatment using Gold nanoparticles. These Consist of ML Models used for prediction Diabetes and further the basic theory and working of Gold nanoparticles.

    GoldNanoparticles This GitHub repo consists of Code and Some results of project- Diabetes Treatment using Gold nanoparticles. These Consist of ML Mode

    1 Jan 30, 2022
    Translate darknet to tensorflow. Load trained weights, retrain/fine-tune using tensorflow, export constant graph def to mobile devices

    Intro Real-time object detection and classification. Paper: version 1, version 2. Read more about YOLO (in darknet) and download weight files here. In

    Trieu 6.1k Dec 30, 2022
    It is a simple library to speed up CLIP inference up to 3x (K80 GPU)

    CLIP-ONNX It is a simple library to speed up CLIP inference up to 3x (K80 GPU) Usage Install clip-onnx module and requirements first. Use this trick !

    Gerasimov Maxim 93 Dec 20, 2022
    This repository contains the code for Direct Molecular Conformation Generation (DMCG).

    Direct Molecular Conformation Generation This repository contains the code for Direct Molecular Conformation Generation (DMCG). Dataset Download rdkit

    25 Dec 20, 2022
    code for our ECCV 2020 paper "A Balanced and Uncertainty-aware Approach for Partial Domain Adaptation"

    Code for our ECCV (2020) paper A Balanced and Uncertainty-aware Approach for Partial Domain Adaptation. Prerequisites: python == 3.6.8 pytorch ==1.1.0

    32 Nov 27, 2022
    Anchor-free Oriented Proposal Generator for Object Detection

    Anchor-free Oriented Proposal Generator for Object Detection Gong Cheng, Jiabao Wang, Ke Li, Xingxing Xie, Chunbo Lang, Yanqing Yao, Junwei Han, Intro

    jbwang1997 56 Nov 15, 2022
    MVS2D: Efficient Multi-view Stereo via Attention-Driven 2D Convolutions

    MVS2D: Efficient Multi-view Stereo via Attention-Driven 2D Convolutions Project Page | Paper If you find our work useful for your research, please con

    96 Jan 04, 2023
    Code for the paper "Multi-task problems are not multi-objective"

    Multi-Task problems are not multi-objective This is the code for the paper "Multi-Task problems are not multi-objective" in which we show that the com

    Michael Ruchte 5 Aug 19, 2022
    Cleaned up code for DSTC 10: SIMMC 2.0 track: subtask 2: multimodal coreference resolution

    UNITER-Based Situated Coreference Resolution with Rich Multimodal Input: arXiv MMCoref_cleaned Code for the MMCoref task of the SIMMC 2.0 dataset. Pre

    Yichen (William) Huang 2 Dec 05, 2022