All Projects → Stockprediction → Similar Projects or Alternatives

644 Open source projects that are alternatives of or similar to Stockprediction

Chase
Automatic trading bot (WIP)
Stars: ✭ 73 (-45.52%)
Lstm Human Activity Recognition
Human Activity Recognition example using TensorFlow on smartphone sensors dataset and an LSTM RNN. Classifying the type of movement amongst six activity categories - Guillaume Chevalier
Stars: ✭ 2,943 (+2096.27%)
Mutual labels:  lstm, recurrent-neural-networks
sgrnn
Tensorflow implementation of Synthetic Gradient for RNN (LSTM)
Stars: ✭ 40 (-70.15%)
Mutual labels:  recurrent-neural-networks, lstm
Stock Price Predictor
This project seeks to utilize Deep Learning models, Long-Short Term Memory (LSTM) Neural Network algorithm, to predict stock prices.
Stars: ✭ 146 (+8.96%)
Mutual labels:  lstm, recurrent-neural-networks
Rnn Text Classification Tf
Tensorflow Implementation of Recurrent Neural Network (Vanilla, LSTM, GRU) for Text Classification
Stars: ✭ 114 (-14.93%)
Mutual labels:  lstm, recurrent-neural-networks
Rnn ctc
Recurrent Neural Network and Long Short Term Memory (LSTM) with Connectionist Temporal Classification implemented in Theano. Includes a Toy training example.
Stars: ✭ 220 (+64.18%)
Mutual labels:  lstm, recurrent-neural-networks
automatic-personality-prediction
[AAAI 2020] Modeling Personality with Attentive Networks and Contextual Embeddings
Stars: ✭ 43 (-67.91%)
Mutual labels:  recurrent-neural-networks, lstm
CS231n
PyTorch/Tensorflow solutions for Stanford's CS231n: "CNNs for Visual Recognition"
Stars: ✭ 47 (-64.93%)
Mutual labels:  recurrent-neural-networks, lstm
Char Rnn Keras
TensorFlow implementation of multi-layer recurrent neural networks for training and sampling from texts
Stars: ✭ 40 (-70.15%)
Mutual labels:  lstm, recurrent-neural-networks
Sentiment Analysis Nltk Ml Lstm
Sentiment Analysis on the First Republic Party debate in 2016 based on Python,NLTK and ML.
Stars: ✭ 61 (-54.48%)
Mutual labels:  lstm, recurrent-neural-networks
Chicksexer
A Python package for gender classification.
Stars: ✭ 64 (-52.24%)
Mutual labels:  lstm, recurrent-neural-networks
Pytorch Pos Tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Stars: ✭ 96 (-28.36%)
Mutual labels:  lstm, recurrent-neural-networks
Document Classifier Lstm
A bidirectional LSTM with attention for multiclass/multilabel text classification.
Stars: ✭ 136 (+1.49%)
Mutual labels:  lstm, recurrent-neural-networks
Lstm anomaly thesis
Anomaly detection for temporal data using LSTMs
Stars: ✭ 178 (+32.84%)
Mutual labels:  lstm, recurrent-neural-networks
Keras Lmu
Keras implementation of Legendre Memory Units
Stars: ✭ 160 (+19.4%)
Mutual labels:  lstm, recurrent-neural-networks
Linear Attention Recurrent Neural Network
A recurrent attention module consisting of an LSTM cell which can query its own past cell states by the means of windowed multi-head attention. The formulas are derived from the BN-LSTM and the Transformer Network. The LARNN cell with attention can be easily used inside a loop on the cell state, just like any other RNN. (LARNN)
Stars: ✭ 119 (-11.19%)
Mutual labels:  lstm, recurrent-neural-networks
SpeakerDiarization RNN CNN LSTM
Speaker Diarization is the problem of separating speakers in an audio. There could be any number of speakers and final result should state when speaker starts and ends. In this project, we analyze given audio file with 2 channels and 2 speakers (on separate channels).
Stars: ✭ 56 (-58.21%)
Mutual labels:  recurrent-neural-networks, lstm
Stock Market Prediction Web App Using Machine Learning And Sentiment Analysis
Stock Market Prediction Web App based on Machine Learning and Sentiment Analysis of Tweets (API keys included in code). The front end of the Web App is based on Flask and Wordpress. The App forecasts stock prices of the next seven days for any given stock under NASDAQ or NSE as input by the user. Predictions are made using three algorithms: ARIMA, LSTM, Linear Regression. The Web App combines the predicted prices of the next seven days with the sentiment analysis of tweets to give recommendation whether the price is going to rise or fall
Stars: ✭ 101 (-24.63%)
Mutual labels:  lstm, stock-price-prediction
LSTM-Time-Series-Analysis
Using LSTM network for time series forecasting
Stars: ✭ 41 (-69.4%)
Mutual labels:  recurrent-neural-networks, lstm
Deep Learning Time Series
List of papers, code and experiments using deep learning for time series forecasting
Stars: ✭ 796 (+494.03%)
Mutual labels:  lstm, recurrent-neural-networks
Chainer Rnn Ner
Named Entity Recognition with RNN, implemented by Chainer
Stars: ✭ 19 (-85.82%)
Mutual labels:  lstm, recurrent-neural-networks
Image Captioning
Image Captioning: Implementing the Neural Image Caption Generator with python
Stars: ✭ 52 (-61.19%)
Mutual labels:  lstm, recurrent-neural-networks
Sangita
A Natural Language Toolkit for Indian Languages
Stars: ✭ 43 (-67.91%)
Mutual labels:  lstm, recurrent-neural-networks
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (-27.61%)
Mutual labels:  lstm, recurrent-neural-networks
Aialpha
Use unsupervised and supervised learning to predict stocks
Stars: ✭ 1,191 (+788.81%)
Mutual labels:  lstm, stock-price-prediction
Stock Rnn
Predict stock market prices using RNN model with multilayer LSTM cells + optional multi-stock embeddings.
Stars: ✭ 1,213 (+805.22%)
Mutual labels:  lstm, stock-price-prediction
Language Translation
Neural machine translator for English2German translation.
Stars: ✭ 82 (-38.81%)
Mutual labels:  lstm, recurrent-neural-networks
Bitcoin Price Prediction Using Lstm
Bitcoin price Prediction ( Time Series ) using LSTM Recurrent neural network
Stars: ✭ 67 (-50%)
Mutual labels:  lstm, recurrent-neural-networks
Image Caption Generator
[DEPRECATED] A Neural Network based generative model for captioning images using Tensorflow
Stars: ✭ 141 (+5.22%)
Mutual labels:  lstm, recurrent-neural-networks
Lstm Ctc Ocr
using rnn (lstm or gru) and ctc to convert line image into text, based on torch7 and warp-ctc
Stars: ✭ 70 (-47.76%)
Mutual labels:  lstm, recurrent-neural-networks
Pytorch Kaldi
pytorch-kaldi is a project for developing state-of-the-art DNN/RNN hybrid speech recognition systems. The DNN part is managed by pytorch, while feature extraction, label computation, and decoding are performed with the kaldi toolkit.
Stars: ✭ 2,097 (+1464.93%)
Mutual labels:  lstm, recurrent-neural-networks
Deep News Summarization
News summarization using sequence to sequence model with attention in TensorFlow.
Stars: ✭ 167 (+24.63%)
Mutual labels:  lstm, recurrent-neural-networks
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+2294.78%)
Mutual labels:  lstm, recurrent-neural-networks
Keras Anomaly Detection
Anomaly detection implemented in Keras
Stars: ✭ 335 (+150%)
Mutual labels:  lstm, recurrent-neural-networks
keras-malicious-url-detector
Malicious URL detector using keras recurrent networks and scikit-learn classifiers
Stars: ✭ 24 (-82.09%)
Mutual labels:  recurrent-neural-networks, lstm
datastories-semeval2017-task6
Deep-learning model presented in "DataStories at SemEval-2017 Task 6: Siamese LSTM with Attention for Humorous Text Comparison".
Stars: ✭ 20 (-85.07%)
Mutual labels:  recurrent-neural-networks, lstm
sequence-rnn-py
Sequence analyzing using Recurrent Neural Networks (RNN) based on Keras
Stars: ✭ 28 (-79.1%)
Mutual labels:  recurrent-neural-networks, lstm
Paper-Implementation-DSTP-RNN-For-Stock-Prediction-Based-On-DA-RNN
基於DA-RNN之DSTP-RNN論文試做(Ver1.0)
Stars: ✭ 62 (-53.73%)
Mutual labels:  lstm, stock-price-prediction
tiny-rnn
Lightweight C++11 library for building deep recurrent neural networks
Stars: ✭ 41 (-69.4%)
Mutual labels:  recurrent-neural-networks, lstm
dts
A Keras library for multi-step time-series forecasting.
Stars: ✭ 130 (-2.99%)
Mutual labels:  recurrent-neural-networks, lstm
Carrot
🥕 Evolutionary Neural Networks in JavaScript
Stars: ✭ 261 (+94.78%)
Mutual labels:  lstm, recurrent-neural-networks
Image Caption Generator
A neural network to generate captions for an image using CNN and RNN with BEAM Search.
Stars: ✭ 126 (-5.97%)
Mutual labels:  lstm, recurrent-neural-networks
Ner Lstm
Named Entity Recognition using multilayered bidirectional LSTM
Stars: ✭ 532 (+297.01%)
Mutual labels:  lstm, recurrent-neural-networks
Tensorflow Lstm Regression
Sequence prediction using recurrent neural networks(LSTM) with TensorFlow
Stars: ✭ 433 (+223.13%)
Mutual labels:  lstm, recurrent-neural-networks
Lstmvis
Visualization Toolbox for Long Short Term Memory networks (LSTMs)
Stars: ✭ 959 (+615.67%)
Mutual labels:  lstm, recurrent-neural-networks
Stock Prediction Models
Gathers machine learning and deep learning models for Stock forecasting including trading bots and simulations
Stars: ✭ 4,660 (+3377.61%)
Mutual labels:  lstm, stock-price-prediction
Tensorflow Lstm Sin
TensorFlow 1.3 experiment with LSTM (and GRU) RNNs for sine prediction
Stars: ✭ 52 (-61.19%)
Mutual labels:  lstm, recurrent-neural-networks
Deepseqslam
The Official Deep Learning Framework for Route-based Place Recognition
Stars: ✭ 49 (-63.43%)
Mutual labels:  lstm, recurrent-neural-networks
Rnnsharp
RNNSharp is a toolkit of deep recurrent neural network which is widely used for many different kinds of tasks, such as sequence labeling, sequence-to-sequence and so on. It's written by C# language and based on .NET framework 4.6 or above versions. RNNSharp supports many different types of networks, such as forward and bi-directional network, sequence-to-sequence network, and different types of layers, such as LSTM, Softmax, sampled Softmax and others.
Stars: ✭ 277 (+106.72%)
Mutual labels:  lstm, recurrent-neural-networks
Gdax Orderbook Ml
Application of machine learning to the Coinbase (GDAX) orderbook
Stars: ✭ 60 (-55.22%)
Mutual labels:  lstm, recurrent-neural-networks
Ai Reading Materials
Some of the ML and DL related reading materials, research papers that I've read
Stars: ✭ 79 (-41.04%)
Mutual labels:  lstm, recurrent-neural-networks
Multitask sentiment analysis
Multitask Deep Learning for Sentiment Analysis using Character-Level Language Model, Bi-LSTMs for POS Tag, Chunking and Unsupervised Dependency Parsing. Inspired by this great article https://arxiv.org/abs/1611.01587
Stars: ✭ 93 (-30.6%)
Mutual labels:  lstm, recurrent-neural-networks
Robust Lane Detection
Stars: ✭ 110 (-17.91%)
Mutual labels:  lstm
Multilstm
keras attentional bi-LSTM-CRF for Joint NLU (slot-filling and intent detection) with ATIS
Stars: ✭ 122 (-8.96%)
Mutual labels:  lstm
Deeplearning tutorials
The deeplearning algorithms implemented by tensorflow
Stars: ✭ 1,580 (+1079.1%)
Mutual labels:  lstm
Twitter Emotion Recognition
Models for predicting emotions from English tweets.
Stars: ✭ 111 (-17.16%)
Mutual labels:  lstm
Wekadeeplearning4j
Weka package for the Deeplearning4j java library
Stars: ✭ 127 (-5.22%)
Mutual labels:  deeplearning4j
Daguan 2019 rank9
datagrand 2019 information extraction competition rank9
Stars: ✭ 121 (-9.7%)
Mutual labels:  lstm
Lstms.pth
PyTorch implementations of LSTM Variants (Dropout + Layer Norm)
Stars: ✭ 111 (-17.16%)
Mutual labels:  lstm
Deep Learning Based Ecg Annotator
Annotation of ECG signals using deep learning, tensorflow’ Keras
Stars: ✭ 110 (-17.91%)
Mutual labels:  lstm
1-60 of 644 similar projects