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.
    MIRACLE (Missing data Imputation Refinement And Causal LEarning)

    MIRACLE (Missing data Imputation Refinement And Causal LEarning) Code Author: Trent Kyono This repository contains the code used for the "MIRACLE: Cau

    van_der_Schaar \LAB 15 Dec 29, 2022
    PoseCamera is python based SDK for human pose estimation through RGB webcam.

    PoseCamera PoseCamera is python based SDK for human pose estimation through RGB webcam. Install install posecamera package through pip pip install pos

    WonderTree 7 Jul 20, 2021
    DeepFaceLab fork which provides IPython Notebook to use DFL with Google Colab

    DFL-Colab — DeepFaceLab fork for Google Colab This project provides you IPython Notebook to use DeepFaceLab with Google Colaboratory. You can create y

    779 Jan 05, 2023
    MAT: Mask-Aware Transformer for Large Hole Image Inpainting

    MAT: Mask-Aware Transformer for Large Hole Image Inpainting (CVPR2022, Oral) Wenbo Li, Zhe Lin, Kun Zhou, Lu Qi, Yi Wang, Jiaya Jia [Paper] News This

    254 Dec 29, 2022
    Algorithmic trading using machine learning.

    Algorithmic Trading This machine learning algorithm was built using Python 3 and scikit-learn with a Decision Tree Classifier. The program gathers sto

    Sourav Biswas 101 Nov 10, 2022
    Project for tracking occupancy in Tel-Aviv parking lots.

    Ahuzat Dibuk - Tracking occupancy in Tel-Aviv parking lots main.py This module was set-up to be executed on Google Cloud Platform. I run it every 15 m

    Geva Kipper 35 Nov 22, 2022
    NeuroLKH: Combining Deep Learning Model with Lin-Kernighan-Helsgaun Heuristic for Solving the Traveling Salesman Problem

    NeuroLKH: Combining Deep Learning Model with Lin-Kernighan-Helsgaun Heuristic for Solving the Traveling Salesman Problem Liang Xin, Wen Song, Zhiguang

    xinliangedu 33 Dec 27, 2022
    PyTorch version repo for CSRNet: Dilated Convolutional Neural Networks for Understanding the Highly Congested Scenes

    Study-CSRNet-pytorch This is the PyTorch version repo for CSRNet: Dilated Convolutional Neural Networks for Understanding the Highly Congested Scenes

    0 Mar 01, 2022
    Sparse-dense operators implementation for Paddle

    Sparse-dense operators implementation for Paddle This module implements coo, csc and csr matrix formats and their inter-ops with dense matrices. Feel

    北海若 3 Dec 17, 2022
    A repository for interferometer controller code.

    dses-interferometer-controller A repository for interferometer controller code, hardware, and simulations. See dses.science for more information on th

    Eli Reed 1 Jan 17, 2022
    Algorithms for outlier, adversarial and drift detection

    Alibi Detect is an open source Python library focused on outlier, adversarial and drift detection. The package aims to cover both online and offline d

    Seldon 1.6k Dec 31, 2022
    Github for the conference paper GLOD-Gaussian Likelihood OOD detector

    FOOD - Fast OOD Detector Pytorch implamentation of the confernce peper FOOD arxiv link. Abstract Deep neural networks (DNNs) perform well at classifyi

    17 Jun 19, 2022
    Good Classification Measures and How to Find Them

    Good Classification Measures and How to Find Them This repository contains supplementary materials for the paper "Good Classification Measures and How

    Yandex Research 7 Nov 13, 2022
    Open source annotation tool for machine learning practitioners.

    doccano doccano is an open source text annotation tool for humans. It provides annotation features for text classification, sequence labeling and sequ

    7.1k Jan 01, 2023
    Files for a tutorial to train SegNet for road scenes using the CamVid dataset

    SegNet and Bayesian SegNet Tutorial This repository contains all the files for you to complete the 'Getting Started with SegNet' and the 'Bayesian Seg

    Alex Kendall 800 Dec 31, 2022
    Official implementation of the paper WAV2CLIP: LEARNING ROBUST AUDIO REPRESENTATIONS FROM CLIP

    Wav2CLIP 🚧 WIP 🚧 Official implementation of the paper WAV2CLIP: LEARNING ROBUST AUDIO REPRESENTATIONS FROM CLIP 📄 🔗 Ho-Hsiang Wu, Prem Seetharaman

    Descript 240 Dec 13, 2022
    Maximum Spatial Perturbation for Image-to-Image Translation (Official Implementation)

    MSPC for I2I This repository is by Yanwu Xu and contains the PyTorch source code to reproduce the experiments in our CVPR2022 paper Maximum Spatial Pe

    51 Dec 14, 2022
    Automates Machine Learning Pipeline with Feature Engineering and Hyper-Parameters Tuning :rocket:

    MLJAR Automated Machine Learning Documentation: https://supervised.mljar.com/ Source Code: https://github.com/mljar/mljar-supervised Table of Contents

    MLJAR 2.4k Dec 31, 2022
    Spatial color quantization in Rust

    rscolorq Rust port of Derrick Coetzee's scolorq, based on the 1998 paper "On spatial quantization of color images" by Jan Puzicha, Markus Held, Jens K

    Collyn O'Kane 37 Dec 22, 2022
    Educational 2D SLAM implementation based on ICP and Pose Graph

    slam-playground Educational 2D SLAM implementation based on ICP and Pose Graph How to use: Use keyboard arrow keys to navigate robot. Press 'r' to vie

    Kirill 19 Dec 17, 2022