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.
    Unofficial reimplementation of ECAPA-TDNN for speaker recognition (EER=0.86 for Vox1_O when train only in Vox2)

    Introduction This repository contains my unofficial reimplementation of the standard ECAPA-TDNN, which is the speaker recognition in VoxCeleb2 dataset

    Tao Ruijie 277 Dec 31, 2022
    codes for Image Inpainting with External-internal Learning and Monochromic Bottleneck

    Image Inpainting with External-internal Learning and Monochromic Bottleneck This repository is for the CVPR 2021 paper: 'Image Inpainting with Externa

    97 Nov 29, 2022
    Meta-TTS: Meta-Learning for Few-shot SpeakerAdaptive Text-to-Speech

    Meta-TTS: Meta-Learning for Few-shot SpeakerAdaptive Text-to-Speech This repository is the official implementation of "Meta-TTS: Meta-Learning for Few

    Sung-Feng Huang 128 Dec 25, 2022
    Best Practices on Recommendation Systems

    Recommenders What's New (February 4, 2021) We have a new relase Recommenders 2021.2! It comes with lots of bug fixes, optimizations and 3 new algorith

    Microsoft 14.8k Jan 03, 2023
    Python periodic table module

    elemenpy Hello! elements.py is a small Python periodic table module that is used for calling certain information about an element. Installation Instal

    Eric Cheng 2 Dec 27, 2021
    A TensorFlow Implementation of "Deep Multi-Scale Video Prediction Beyond Mean Square Error" by Mathieu, Couprie & LeCun.

    Adversarial Video Generation This project implements a generative adversarial network to predict future frames of video, as detailed in "Deep Multi-Sc

    Matt Cooper 704 Nov 26, 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
    Locationinfo - A script helps the user to show network information such as ip address

    Description This script helps the user to show network information such as ip ad

    Roxcoder 1 Dec 30, 2021
    Python code for the paper How to scale hyperparameters for quickshift image segmentation

    How to scale hyperparameters for quickshift image segmentation Python code for the paper How to scale hyperparameters for quickshift image segmentatio

    0 Jan 25, 2022
    Minimal implementation of Denoised Smoothing: A Provable Defense for Pretrained Classifiers in TensorFlow.

    Denoised-Smoothing-TF Minimal implementation of Denoised Smoothing: A Provable Defense for Pretrained Classifiers in TensorFlow. Denoised Smoothing is

    Sayak Paul 19 Dec 11, 2022
    Detect roadway lanes using Python OpenCV for project during the 5th semester at DHBW Stuttgart for lecture in digital image processing.

    Find Line Detection (Image Processing) Identifying lanes of the road is very common task that human driver performs. It's important to keep the vehicl

    LMF 4 Jun 21, 2022
    Serverless proxy for Spark cluster

    Hydrosphere Mist Hydrosphere Mist is a serverless proxy for Spark cluster. Mist provides a new functional programming framework and deployment model f

    hydrosphere.io 317 Dec 01, 2022
    A Benchmark For Measuring Systematic Generalization of Multi-Hierarchical Reasoning

    Orchard Dataset This repository contains the code used for generating the Orchard Dataset, as seen in the Multi-Hierarchical Reasoning in Sequences: S

    Bill Pung 1 Jun 05, 2022
    A scikit-learn compatible neural network library that wraps PyTorch

    A scikit-learn compatible neural network library that wraps PyTorch. Resources Documentation Source Code Examples To see more elaborate examples, look

    4.9k Jan 03, 2023
    1st-in-MICCAI2020-CPM - Combined Radiology and Pathology Classification

    Combined Radiology and Pathology Classification MICCAI 2020 Combined Radiology a

    22 Dec 08, 2022
    Building blocks for uncertainty-aware cycle consistency presented at NeurIPS'21.

    UncertaintyAwareCycleConsistency This repository provides the building blocks and the API for the work presented in the NeurIPS'21 paper Robustness vi

    EML Tübingen 19 Dec 12, 2022
    Code for CVPR2021 paper 'Where and What? Examining Interpretable Disentangled Representations'.

    PS-SC GAN This repository contains the main code for training a PS-SC GAN (a GAN implemented with the Perceptual Simplicity and Spatial Constriction c

    Xinqi/Steven Zhu 40 Dec 16, 2022
    code from "Tensor decomposition of higher-order correlations by nonlinear Hebbian plasticity"

    Code associated with the paper "Tensor decomposition of higher-order correlations by nonlinear Hebbian learning," Ocker & Buice, Neurips 2021. "plot_f

    Gabriel Koch Ocker 4 Oct 16, 2022
    Disagreement-Regularized Imitation Learning

    Due to a normalization bug the expert trajectories have lower performance than the rl_baseline_zoo reported experts. Please see the following link in

    Kianté Brantley 25 Apr 28, 2022
    Source code of our BMVC 2021 paper: AniFormer: Data-driven 3D Animation with Transformer

    AniFormer This is the PyTorch implementation of our BMVC 2021 paper AniFormer: Data-driven 3D Animation with Transformer. Haoyu Chen, Hao Tang, Nicu S

    24 Nov 02, 2022