All Projects → Sequence-Models-coursera → Similar Projects or Alternatives

692 Open source projects that are alternatives of or similar to Sequence-Models-coursera

deep-learning-coursera-complete
Deep Learning Specialization by Andrew Ng on Coursera - My Completed Coursework Repo - All 5 Courses
Stars: ✭ 104 (+96.23%)
Mutual labels:  coursera, rnn, andrew-ng
deep-learning-notes
🧠👨‍💻Deep Learning Specialization • Lecture Notes • Lab Assignments
Stars: ✭ 20 (-62.26%)
Mutual labels:  coursera, rnn, andrew-ng
medical-diagnosis-cnn-rnn-rcnn
分别使用rnn/cnn/rcnn来实现根据患者描述,进行疾病诊断
Stars: ✭ 39 (-26.42%)
Mutual labels:  lstm, rnn
Andrew Ng Notes
This is Andrew NG Coursera Handwritten Notes.
Stars: ✭ 180 (+239.62%)
Mutual labels:  coursera, andrew-ng
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 (+254.72%)
Mutual labels:  coursera, andrew-ng
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+5954.72%)
Mutual labels:  lstm, rnn
Pytorch Seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Stars: ✭ 3,418 (+6349.06%)
Mutual labels:  lstm, rnn
Andrew Ng Deep Learning Notes
吴恩达《深度学习》系列课程笔记及代码 | Notes in Chinese for Andrew Ng Deep Learning Course
Stars: ✭ 814 (+1435.85%)
Mutual labels:  coursera, andrew-ng
Coursera Machine Learning
Notes and Assignments for Andrew Ng's Machine Learning - Python3 code
Stars: ✭ 77 (+45.28%)
Mutual labels:  coursera, andrew-ng
deep-improvisation
Easy-to-use Deep LSTM Neural Network to generate song sounds like containing improvisation.
Stars: ✭ 53 (+0%)
Mutual labels:  lstm, rnn
coursera-machinelearning
Stanford University - Machine Learning by Andrew Ng
Stars: ✭ 82 (+54.72%)
Mutual labels:  coursera, andrew-ng
rnn2d
CPU and GPU implementations of some 2D RNN layers
Stars: ✭ 26 (-50.94%)
Mutual labels:  lstm, rnn
coursera-ai-for-medicine-specialization
Programming assignments, labs and quizzes from all courses in the Coursera AI for Medicine Specialization offered by deeplearning.ai
Stars: ✭ 80 (+50.94%)
Mutual labels:  coursera, andrew-ng
Natural Language Processing With Tensorflow
Natural Language Processing with TensorFlow, published by Packt
Stars: ✭ 222 (+318.87%)
Mutual labels:  lstm, rnn
question-pair
A siamese LSTM to detect sentence/question pairs.
Stars: ✭ 25 (-52.83%)
Mutual labels:  lstm, rnn
Caption generator
A modular library built on top of Keras and TensorFlow to generate a caption in natural language for any input image.
Stars: ✭ 243 (+358.49%)
Mutual labels:  lstm, rnn
myDL
Deep Learning
Stars: ✭ 18 (-66.04%)
Mutual labels:  lstm, rnn
Deeplearning Assignment
深度学习笔记
Stars: ✭ 619 (+1067.92%)
Mutual labels:  coursera, andrew-ng
Deeplearning.ai
该存储库包含由deeplearning.ai提供的相关课程的个人的笔记和实现代码。
Stars: ✭ 181 (+241.51%)
Mutual labels:  coursera, andrew-ng
Deepjazz
Deep learning driven jazz generation using Keras & Theano!
Stars: ✭ 2,766 (+5118.87%)
Mutual labels:  lstm, rnn
ml-andrewng-python
This is the Python implementation of the programming assignments in Andrew Ng's online machine-learning course.
Stars: ✭ 48 (-9.43%)
Mutual labels:  coursera, andrew-ng
tf-ran-cell
Recurrent Additive Networks for Tensorflow
Stars: ✭ 16 (-69.81%)
Mutual labels:  lstm, rnn
Paper-Implementation-DSTP-RNN-For-Stock-Prediction-Based-On-DA-RNN
基於DA-RNN之DSTP-RNN論文試做(Ver1.0)
Stars: ✭ 62 (+16.98%)
Mutual labels:  lstm, rnn
EBIM-NLI
Enhanced BiLSTM Inference Model for Natural Language Inference
Stars: ✭ 24 (-54.72%)
Mutual labels:  lstm, rnn
ConvLSTM-PyTorch
ConvLSTM/ConvGRU (Encoder-Decoder) with PyTorch on Moving-MNIST
Stars: ✭ 202 (+281.13%)
Mutual labels:  lstm, rnn
theano-recurrence
Recurrent Neural Networks (RNN, GRU, LSTM) and their Bidirectional versions (BiRNN, BiGRU, BiLSTM) for word & character level language modelling in Theano
Stars: ✭ 40 (-24.53%)
Mutual labels:  lstm, rnn
Speech-Recognition
End-to-end Automatic Speech Recognition for Madarian and English in Tensorflow
Stars: ✭ 21 (-60.38%)
Mutual labels:  lstm, rnn
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 (+315.09%)
Mutual labels:  lstm, rnn
Kprn
Reasoning Over Knowledge Graph Paths for Recommendation
Stars: ✭ 220 (+315.09%)
Mutual labels:  lstm, rnn
Crnn Audio Classification
UrbanSound classification using Convolutional Recurrent Networks in PyTorch
Stars: ✭ 235 (+343.4%)
Mutual labels:  lstm, rnn
Sign Language Gesture Recognition
Sign Language Gesture Recognition From Video Sequences Using RNN And CNN
Stars: ✭ 214 (+303.77%)
Mutual labels:  lstm, rnn
Nlstm
Nested LSTM Cell
Stars: ✭ 246 (+364.15%)
Mutual labels:  lstm, rnn
Lightnet
Efficient, transparent deep learning in hundreds of lines of code.
Stars: ✭ 243 (+358.49%)
Mutual labels:  lstm, rnn
Har Stacked Residual Bidir Lstms
Using deep stacked residual bidirectional LSTM cells (RNN) with TensorFlow, we do Human Activity Recognition (HAR). Classifying the type of movement amongst 6 categories or 18 categories on 2 different datasets.
Stars: ✭ 250 (+371.7%)
Mutual labels:  lstm, rnn
Haste
Haste: a fast, simple, and open RNN library
Stars: ✭ 214 (+303.77%)
Mutual labels:  lstm, rnn
Deeplearning.ai Summary
This repository contains my personal notes and summaries on DeepLearning.ai specialization courses. I've enjoyed every little bit of the course hope you enjoy my notes too.
Stars: ✭ 4,548 (+8481.13%)
Mutual labels:  coursera, andrew-ng
Deeplearning.ai
deeplearning.ai , By Andrew Ng, All video link
Stars: ✭ 625 (+1079.25%)
Mutual labels:  coursera, andrew-ng
Automatic speech recognition
End-to-end Automatic Speech Recognition for Madarian and English in Tensorflow
Stars: ✭ 2,751 (+5090.57%)
Mutual labels:  lstm, rnn
Deeplearning Notes
Notes for Deep Learning Specialization Courses led by Andrew Ng.
Stars: ✭ 126 (+137.74%)
Mutual labels:  coursera, andrew-ng
Coursera Machinelearning
Homework about Machine Learning of Coursera taught by andrew ng
Stars: ✭ 123 (+132.08%)
Mutual labels:  coursera, andrew-ng
Chameleon recsys
Source code of CHAMELEON - A Deep Learning Meta-Architecture for News Recommender Systems
Stars: ✭ 202 (+281.13%)
Mutual labels:  lstm, rnn
automatic-personality-prediction
[AAAI 2020] Modeling Personality with Attentive Networks and Contextual Embeddings
Stars: ✭ 43 (-18.87%)
Mutual labels:  lstm, rnn
DrowsyDriverDetection
This is a project implementing Computer Vision and Deep Learning concepts to detect drowsiness of a driver and sound an alarm if drowsy.
Stars: ✭ 82 (+54.72%)
Mutual labels:  lstm, rnn
dltf
Hands-on in-person workshop for Deep Learning with TensorFlow
Stars: ✭ 14 (-73.58%)
Mutual labels:  lstm, rnn
5baa61e4c9b93f3f0682250b6cf8331b7ee68fd8
RNN-LSTM that learns passwords from a starting list
Stars: ✭ 35 (-33.96%)
Mutual labels:  lstm, rnn
lstm har
LSTM based human activity recognition using smart phone sensor dataset
Stars: ✭ 20 (-62.26%)
Mutual labels:  lstm, rnn
ArrayLSTM
GPU/CPU (CUDA) Implementation of "Recurrent Memory Array Structures", Simple RNN, LSTM, Array LSTM..
Stars: ✭ 21 (-60.38%)
Mutual labels:  lstm, rnn
Deep-Learning-Specialization-Coursera
Deep Learning Specialization Course by Coursera. Neural Networks, Deep Learning, Hyper Tuning, Regularization, Optimization, Data Processing, Convolutional NN, Sequence Models are including this Course.
Stars: ✭ 75 (+41.51%)
Mutual labels:  coursera, sequence-models
novel writer
Train LSTM to writer novel (HongLouMeng here) in Pytorch.
Stars: ✭ 14 (-73.58%)
Mutual labels:  lstm, rnn
andrew-deeplearning-coursera
Deeplearning.ai - Andrew Ng - Coursera
Stars: ✭ 16 (-69.81%)
Mutual labels:  coursera, andrew-ng
lstm-electric-load-forecast
Electric load forecast using Long-Short-Term-Memory (LSTM) recurrent neural network
Stars: ✭ 56 (+5.66%)
Mutual labels:  lstm, rnn
sequence-rnn-py
Sequence analyzing using Recurrent Neural Networks (RNN) based on Keras
Stars: ✭ 28 (-47.17%)
Mutual labels:  lstm, rnn
MLOps-Specialization-Notes
Notes for Machine Learning Engineering for Production (MLOps) Specialization course by DeepLearning.AI & Andrew Ng
Stars: ✭ 143 (+169.81%)
Mutual labels:  coursera, andrew-ng
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 (+5.66%)
Mutual labels:  lstm, rnn
Stylenet
A cute multi-layer LSTM that can perform like a human 🎶
Stars: ✭ 187 (+252.83%)
Mutual labels:  lstm, rnn
Char Rnn Chinese
Multi-layer Recurrent Neural Networks (LSTM, GRU, RNN) for character-level language models in Torch. Based on code of https://github.com/karpathy/char-rnn. Support Chinese and other things.
Stars: ✭ 192 (+262.26%)
Mutual labels:  lstm, rnn
deeplearning.ai notes
📓 Notes for Andrew Ng's courses on deep learning
Stars: ✭ 73 (+37.74%)
Mutual labels:  rnn, andrew-ng
air writing
Online Hand Writing Recognition using BLSTM
Stars: ✭ 26 (-50.94%)
Mutual labels:  lstm, rnn
Course-Notes-Deep-Learning-by-Andrew-NG-on-Coursera
Hand Written course notes of Deep Learning Specialization by Andrew NG on Coursera
Stars: ✭ 23 (-56.6%)
Mutual labels:  coursera, andrew-ng
Base-On-Relation-Method-Extract-News-DA-RNN-Model-For-Stock-Prediction--Pytorch
基於關聯式新聞提取方法之雙階段注意力機制模型用於股票預測
Stars: ✭ 33 (-37.74%)
Mutual labels:  lstm, rnn
1-60 of 692 similar projects