All Projects → Carrot → Similar Projects or Alternatives

1594 Open source projects that are alternatives of or similar to Carrot

Lstm anomaly thesis
Anomaly detection for temporal data using LSTMs
Stars: ✭ 178 (-31.8%)
Brain.js
brain.js is a GPU accelerated library for Neural Networks written in JavaScript.
Stars: ✭ 12,358 (+4634.87%)
Stockprediction
Plain Stock Close-Price Prediction via Graves LSTM RNNs
Stars: ✭ 134 (-48.66%)
Mutual labels:  lstm, recurrent-neural-networks
Easy Deep Learning With Keras
Keras tutorial for beginners (using TF backend)
Stars: ✭ 367 (+40.61%)
Mutual labels:  neural-networks, lstm
Udacity Deep Learning Nanodegree
This is just a collection of projects that made during my DEEPLEARNING NANODEGREE by UDACITY
Stars: ✭ 15 (-94.25%)
Language Translation
Neural machine translator for English2German translation.
Stars: ✭ 82 (-68.58%)
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 (-54.41%)
Mutual labels:  lstm, recurrent-neural-networks
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+1129.5%)
Mutual labels:  lstm, recurrent-neural-networks
Deeplearning.ai Assignments
Stars: ✭ 268 (+2.68%)
Mutual labels:  neural-networks, lstm
Ncrfpp
NCRF++, a Neural Sequence Labeling Toolkit. Easy use to any sequence labeling tasks (e.g. NER, POS, Segmentation). It includes character LSTM/CNN, word LSTM/CNN and softmax/CRF components.
Stars: ✭ 1,767 (+577.01%)
Mutual labels:  neural-networks, lstm
Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (-25.29%)
Stock Price Prediction Lstm
OHLC Average Prediction of Apple Inc. Using LSTM Recurrent Neural Network
Stars: ✭ 232 (-11.11%)
sgrnn
Tensorflow implementation of Synthetic Gradient for RNN (LSTM)
Stars: ✭ 40 (-84.67%)
Mutual labels:  recurrent-neural-networks, lstm
Lstm Ctc Ocr
using rnn (lstm or gru) and ctc to convert line image into text, based on torch7 and warp-ctc
Stars: ✭ 70 (-73.18%)
Mutual labels:  lstm, recurrent-neural-networks
Rnn Text Classification Tf
Tensorflow Implementation of Recurrent Neural Network (Vanilla, LSTM, GRU) for Text Classification
Stars: ✭ 114 (-56.32%)
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 (-64.37%)
Mutual labels:  lstm, recurrent-neural-networks
Deep News Summarization
News summarization using sequence to sequence model with attention in TensorFlow.
Stars: ✭ 167 (-36.02%)
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 (+703.45%)
Mutual labels:  lstm, recurrent-neural-networks
Handwriting Generation
Implementation of handwriting generation with use of recurrent neural networks in tensorflow. Based on Alex Graves paper (https://arxiv.org/abs/1308.0850).
Stars: ✭ 361 (+38.31%)
Mutual labels:  neural-networks, lstm
Document Classifier Lstm
A bidirectional LSTM with attention for multiclass/multilabel text classification.
Stars: ✭ 136 (-47.89%)
Mutual labels:  lstm, recurrent-neural-networks
Sarcasmdetection
Sarcasm detection on tweets using neural network
Stars: ✭ 99 (-62.07%)
Mutual labels:  neural-networks, lstm
Numpy Ml
Machine learning, in numpy
Stars: ✭ 11,100 (+4152.87%)
Mutual labels:  neural-networks, lstm
Coursera Deep Learning Specialization
Notes, programming assignments and quizzes from all courses within the Coursera Deep Learning specialization offered by deeplearning.ai: (i) Neural Networks and Deep Learning; (ii) Improving Deep Neural Networks: Hyperparameter tuning, Regularization and Optimization; (iii) Structuring Machine Learning Projects; (iv) Convolutional Neural Networks; (v) Sequence Models
Stars: ✭ 188 (-27.97%)
Emotion Recognition Using Speech
Building and training Speech Emotion Recognizer that predicts human emotions using Python, Sci-kit learn and Keras
Stars: ✭ 159 (-39.08%)
datastories-semeval2017-task6
Deep-learning model presented in "DataStories at SemEval-2017 Task 6: Siamese LSTM with Attention for Humorous Text Comparison".
Stars: ✭ 20 (-92.34%)
Mutual labels:  recurrent-neural-networks, lstm
keras-malicious-url-detector
Malicious URL detector using keras recurrent networks and scikit-learn classifiers
Stars: ✭ 24 (-90.8%)
Mutual labels:  recurrent-neural-networks, lstm
sequence-rnn-py
Sequence analyzing using Recurrent Neural Networks (RNN) based on Keras
Stars: ✭ 28 (-89.27%)
Mutual labels:  recurrent-neural-networks, lstm
tiny-rnn
Lightweight C++11 library for building deep recurrent neural networks
Stars: ✭ 41 (-84.29%)
Mutual labels:  recurrent-neural-networks, lstm
Bitcoin Price Prediction Using Lstm
Bitcoin price Prediction ( Time Series ) using LSTM Recurrent neural network
Stars: ✭ 67 (-74.33%)
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 (-69.73%)
Mutual labels:  lstm, recurrent-neural-networks
Chicksexer
A Python package for gender classification.
Stars: ✭ 64 (-75.48%)
Mutual labels:  lstm, recurrent-neural-networks
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (-62.84%)
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 (-63.22%)
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 (-51.72%)
Mutual labels:  lstm, recurrent-neural-networks
Gdax Orderbook Ml
Application of machine learning to the Coinbase (GDAX) orderbook
Stars: ✭ 60 (-77.01%)
Mutual labels:  lstm, recurrent-neural-networks
Keras Lmu
Keras implementation of Legendre Memory Units
Stars: ✭ 160 (-38.7%)
Mutual labels:  lstm, recurrent-neural-networks
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 (-44.06%)
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 (-15.71%)
Mutual labels:  lstm, recurrent-neural-networks
Image Caption Generator
[DEPRECATED] A Neural Network based generative model for captioning images using Tensorflow
Stars: ✭ 141 (-45.98%)
Mutual labels:  lstm, recurrent-neural-networks
Kraken
OCR engine for all the languages
Stars: ✭ 304 (+16.48%)
Mutual labels:  neural-networks, lstm
Komputation
Komputation is a neural network framework for the Java Virtual Machine written in Kotlin and CUDA C.
Stars: ✭ 295 (+13.03%)
Tensorflow Tutorial
TensorFlow and Deep Learning Tutorials
Stars: ✭ 748 (+186.59%)
Sentiment Analysis Nltk Ml Lstm
Sentiment Analysis on the First Republic Party debate in 2016 based on Python,NLTK and ML.
Stars: ✭ 61 (-76.63%)
Mutual labels:  lstm, recurrent-neural-networks
Pytorch Esn
An Echo State Network module for PyTorch.
Stars: ✭ 98 (-62.45%)
Tensorflow seq2seq chatbot
Stars: ✭ 81 (-68.97%)
Mutual labels:  neural-networks, lstm
Deep Learning With Python
Example projects I completed to understand Deep Learning techniques with Tensorflow. Please note that I do no longer maintain this repository.
Stars: ✭ 134 (-48.66%)
Mutual labels:  neural-networks, lstm
Lstm Context Embeddings
Augmenting word embeddings with their surrounding context using bidirectional RNN
Stars: ✭ 57 (-78.16%)
Mutual labels:  neural-networks, lstm
Deep Spying
Spying using Smartwatch and Deep Learning
Stars: ✭ 172 (-34.1%)
Echotorch
A Python toolkit for Reservoir Computing and Echo State Network experimentation based on pyTorch. EchoTorch is the only Python module available to easily create Deep Reservoir Computing models.
Stars: ✭ 231 (-11.49%)
Ml In Tf
Get started with Machine Learning in TensorFlow with a selection of good reads and implemented examples!
Stars: ✭ 45 (-82.76%)
LSTM-Time-Series-Analysis
Using LSTM network for time series forecasting
Stars: ✭ 41 (-84.29%)
Mutual labels:  recurrent-neural-networks, lstm
CS231n
PyTorch/Tensorflow solutions for Stanford's CS231n: "CNNs for Visual Recognition"
Stars: ✭ 47 (-81.99%)
Mutual labels:  recurrent-neural-networks, lstm
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 (-78.54%)
Mutual labels:  recurrent-neural-networks, lstm
Deepjazz
Deep learning driven jazz generation using Keras & Theano!
Stars: ✭ 2,766 (+959.77%)
Mutual labels:  neural-networks, lstm
Tensorflow Lstm Sin
TensorFlow 1.3 experiment with LSTM (and GRU) RNNs for sine prediction
Stars: ✭ 52 (-80.08%)
Mutual labels:  lstm, recurrent-neural-networks
Image Captioning
Image Captioning: Implementing the Neural Image Caption Generator with python
Stars: ✭ 52 (-80.08%)
Mutual labels:  lstm, recurrent-neural-networks
Flynet
Official PyTorch implementation of paper "A Hybrid Compact Neural Architecture for Visual Place Recognition" by M. Chancán (RA-L & ICRA 2020) https://doi.org/10.1109/LRA.2020.2967324
Stars: ✭ 37 (-85.82%)
Ntm One Shot Tf
One Shot Learning using Memory-Augmented Neural Networks (MANN) based on Neural Turing Machine architecture in Tensorflow
Stars: ✭ 238 (-8.81%)
Mutual labels:  neural-networks, lstm
automatic-personality-prediction
[AAAI 2020] Modeling Personality with Attentive Networks and Contextual Embeddings
Stars: ✭ 43 (-83.52%)
Mutual labels:  recurrent-neural-networks, lstm
dts
A Keras library for multi-step time-series forecasting.
Stars: ✭ 130 (-50.19%)
Mutual labels:  recurrent-neural-networks, lstm
1-60 of 1594 similar projects