Topic: "recurrent-neural-networks"
BrainJS/brain.js
🤖 GPU accelerated Neural networks in JavaScript for Browsers and Node.js
Language: TypeScript - Size: 22.3 MB - Last synced at: 6 days ago - Pushed at: 10 months ago - Stars: 14,774 - Forks: 1,085

afshinea/stanford-cs-230-deep-learning
VIP cheatsheets for Stanford's CS 230 Deep Learning
Size: 38.2 MB - Last synced at: 4 months ago - Pushed at: about 5 years ago - Stars: 6,494 - Forks: 1,355

sjvasquez/handwriting-synthesis
Handwriting Synthesis with RNNs ✏️
Language: Python - Size: 39.3 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 4,518 - Forks: 624

bentrevett/pytorch-sentiment-analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Language: Jupyter Notebook - Size: 1.64 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 4,512 - Forks: 1,181

amanchadha/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
Language: Jupyter Notebook - Size: 206 MB - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 3,791 - Forks: 2,535

NELSONZHAO/zhihu
This repo contains the source code in my personal column (https://zhuanlan.zhihu.com/zhaoyeyu), implemented using Python 3.6. Including Natural Language Processing and Computer Vision projects, such as text generation, machine translation, deep convolution GAN and other actual combat code.
Language: Jupyter Notebook - Size: 157 MB - Last synced at: about 2 months ago - Pushed at: about 4 years ago - Stars: 3,514 - Forks: 2,129

guillaume-chevalier/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
Language: Jupyter Notebook - Size: 1.38 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 3,401 - Forks: 939

dragen1860/Deep-Learning-with-PyTorch-Tutorials
深度学习与PyTorch入门实战视频教程 配套源代码和PPT
Language: Python - Size: 87.2 MB - Last synced at: about 2 months ago - Pushed at: over 5 years ago - Stars: 3,008 - Forks: 1,310

easy-tensorflow/easy-tensorflow
Simple and comprehensive tutorials in TensorFlow
Language: Python - Size: 19.9 MB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 2,860 - Forks: 366

Alro10/deep-learning-time-series
List of papers, code and experiments using deep learning for time series forecasting
Language: Jupyter Notebook - Size: 1.22 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 2,703 - Forks: 531

sjchoi86/Tensorflow-101
TensorFlow Tutorials
Language: Jupyter Notebook - Size: 544 MB - Last synced at: about 2 months ago - Pushed at: over 5 years ago - Stars: 2,601 - Forks: 746

mravanelli/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.
Language: Python - Size: 567 KB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 2,387 - Forks: 445

asappresearch/sru
Training RNNs as Fast as CNNs (https://arxiv.org/abs/1709.02755)
Language: Python - Size: 1010 KB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 2,098 - Forks: 303

githubharald/SimpleHTR
Handwritten Text Recognition (HTR) system implemented with TensorFlow.
Language: Python - Size: 77.1 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 2,076 - Forks: 908

philipperemy/keras-tcn
Keras Temporal Convolutional Network. Supports Python and R.
Language: Python - Size: 5.74 MB - Last synced at: 24 days ago - Pushed at: 3 months ago - Stars: 1,959 - Forks: 463

kk7nc/Text_Classification
Text Classification Algorithms: A Survey
Language: Python - Size: 13.8 MB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 1,811 - Forks: 544

mbadry1/Top-Deep-Learning
Top 200 deep learning Github repositories sorted by the number of stars.
Language: Python - Size: 135 KB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 1,712 - Forks: 432

raminmh/liquid_time_constant_networks
Code Repository for Liquid Time-Constant Networks (LTCs)
Language: Python - Size: 3.87 MB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 1,676 - Forks: 310

HendrikStrobelt/LSTMVis
Visualization Toolbox for Long Short Term Memory networks (LSTMs)
Language: Jupyter Notebook - Size: 5.51 MB - Last synced at: 3 days ago - Pushed at: over 3 years ago - Stars: 1,247 - Forks: 259

hurshd0/must-read-papers-for-ml
Collection of must read papers for Data Science, or Machine Learning / Deep Learning Engineer
Size: 19.5 KB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 1,136 - Forks: 163

offchan42/machine-learning-curriculum
:computer: Learn to make machines learn so that you don't have to struggle to program them; The ultimate list
Size: 833 KB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 1,101 - Forks: 256

richliao/textClassifier
Text classifier for Hierarchical Attention Networks for Document Classification
Language: Python - Size: 21.5 KB - Last synced at: 3 months ago - Pushed at: almost 4 years ago - Stars: 1,076 - Forks: 378

raminmh/CfC
Closed-form Continuous-time Neural Networks
Language: Python - Size: 93.5 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 956 - Forks: 155

githubharald/CTCDecoder
Connectionist Temporal Classification (CTC) decoding algorithms: best path, beam search, lexicon search, prefix search, and token passing. Implemented in Python.
Language: Python - Size: 1010 KB - Last synced at: about 2 months ago - Pushed at: almost 4 years ago - Stars: 828 - Forks: 182

NeuromatchAcademy/course-content-dl
NMA deep learning course
Language: Jupyter Notebook - Size: 594 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 787 - Forks: 281

datalogue/keras-attention
Visualizing RNNs using the attention mechanism
Language: Python - Size: 15.3 MB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 746 - Forks: 247

samre12/deep-trading-agent
Deep Reinforcement Learning based Trading Agent for Bitcoin
Language: Python - Size: 111 MB - Last synced at: 12 months ago - Pushed at: about 7 years ago - Stars: 744 - Forks: 210

wagamamaz/tensorflow-tutorial
TensorFlow and Deep Learning Tutorials
Size: 7.81 KB - Last synced at: about 2 months ago - Pushed at: over 7 years ago - Stars: 734 - Forks: 210

ottokart/punctuator2
A bidirectional recurrent neural network model with attention mechanism for restoring missing punctuation in unsegmented text
Language: Python - Size: 55.7 KB - Last synced at: 2 months ago - Pushed at: almost 4 years ago - Stars: 677 - Forks: 194

pbashivan/EEGLearn
A set of functions for supervised feature learning/classification of mental states from EEG based on "EEG images" idea.
Language: Python - Size: 25.8 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 661 - Forks: 220

mbadry1/Trending-Deep-Learning
Top 100 trending deep learning repositories sorted by the number of stars gained on a specific day.
Language: Python - Size: 91.8 KB - Last synced at: about 2 months ago - Pushed at: over 5 years ago - Stars: 644 - Forks: 221

x4nth055/emotion-recognition-using-speech
Building and training Speech Emotion Recognizer that predicts human emotions using Python, Sci-kit learn and Keras
Language: Python - Size: 944 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 633 - Forks: 243

sotelo/parrot
RNN-based generative models for speech.
Language: Python - Size: 23.2 MB - Last synced at: 3 months ago - Pushed at: about 8 years ago - Stars: 611 - Forks: 108

jostmey/rwa
Machine Learning on Sequential Data Using a Recurrent Weighted Average
Language: Python - Size: 48.5 MB - Last synced at: about 2 months ago - Pushed at: over 5 years ago - Stars: 602 - Forks: 58

ikostrikov/TensorFlow-VAE-GAN-DRAW
A collection of generative methods implemented with TensorFlow (Deep Convolutional Generative Adversarial Networks (DCGAN), Variational Autoencoder (VAE) and DRAW: A Recurrent Neural Network For Image Generation).
Language: Python - Size: 32.2 KB - Last synced at: 26 days ago - Pushed at: about 8 years ago - Stars: 597 - Forks: 166

JordiCorbilla/stock-prediction-deep-neural-learning
Predicting stock prices using a TensorFlow LSTM (long short-term memory) neural network for times series forecasting
Language: Jupyter Notebook - Size: 36.4 MB - Last synced at: about 2 months ago - Pushed at: 3 months ago - Stars: 595 - Forks: 126

githubharald/CTCWordBeamSearch
Connectionist Temporal Classification (CTC) decoder with dictionary and language model.
Language: C++ - Size: 1.84 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 567 - Forks: 162

reservoirpy/reservoirpy
A simple and flexible code for Reservoir Computing architectures like Echo State Networks
Language: Python - Size: 103 MB - Last synced at: 7 days ago - Pushed at: 9 days ago - Stars: 542 - Forks: 124

monikkinom/ner-lstm
Named Entity Recognition using multilayered bidirectional LSTM
Language: Python - Size: 2.64 MB - Last synced at: about 2 months ago - Pushed at: over 6 years ago - Stars: 539 - Forks: 181

NourozR/Stock-Price-Prediction-LSTM
OHLC Average Prediction of Apple Inc. Using LSTM Recurrent Neural Network
Language: Python - Size: 37.1 KB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 527 - Forks: 210

AnubhavGupta3377/Text-Classification-Models-Pytorch
Implementation of State-of-the-art Text Classification Models in Pytorch
Language: Python - Size: 12.3 MB - Last synced at: 2 months ago - Pushed at: over 6 years ago - Stars: 490 - Forks: 133

HadoopIt/rnn-nlu
A TensorFlow implementation of Recurrent Neural Networks for Sequence Classification and Sequence Labeling
Language: Python - Size: 30.3 KB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 483 - Forks: 172

thuml/predrnn-pytorch
Official implementation for NIPS'17 paper: PredRNN: Recurrent Neural Networks for Predictive Learning Using Spatiotemporal LSTMs.
Language: Python - Size: 26.9 MB - Last synced at: 27 days ago - Pushed at: over 1 year ago - Stars: 482 - Forks: 122

nschaetti/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.
Language: Python - Size: 50.9 MB - Last synced at: 2 months ago - Pushed at: 12 months ago - Stars: 467 - Forks: 117

filangelos/qtrader 📦
Reinforcement Learning for Portfolio Management
Language: Jupyter Notebook - Size: 41.6 MB - Last synced at: 7 months ago - Pushed at: about 7 years ago - Stars: 455 - Forks: 168

abdur75648/Deep-Learning-Specialization-Coursera
This repo contains the updated version of all the assignments/labs (done by me) of Deep Learning Specialization on Coursera by Andrew Ng. It includes building various deep learning models from scratch and implementing them for object detection, facial recognition, autonomous driving, neural machine translation, trigger word detection, etc.
Language: Jupyter Notebook - Size: 161 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 447 - Forks: 373

vaibhawvipul/First-steps-towards-Deep-Learning
This is an open sourced book on deep learning.
Language: CSS - Size: 1.65 MB - Last synced at: 12 days ago - Pushed at: over 2 years ago - Stars: 437 - Forks: 71

Tixierae/deep_learning_NLP
Keras, PyTorch, and NumPy Implementations of Deep Learning Architectures for NLP
Language: Jupyter Notebook - Size: 105 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 435 - Forks: 106

kk7nc/RMDL
RMDL: Random Multimodel Deep Learning for Classification
Language: Python - Size: 223 MB - Last synced at: 21 days ago - Pushed at: about 2 years ago - Stars: 430 - Forks: 121

crazydonkey200/tensorflow-char-rnn
Char-RNN implemented using TensorFlow.
Language: Python - Size: 5.55 MB - Last synced at: 3 months ago - Pushed at: over 7 years ago - Stars: 426 - Forks: 267

Zhenye-Na/DA-RNN
📃 𝖀𝖓𝖔𝖋𝖋𝖎𝖈𝖎𝖆𝖑 PyTorch Implementation of DA-RNN (arXiv:1704.02971)
Language: Jupyter Notebook - Size: 7.55 MB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 423 - Forks: 141

maxim5/time-series-machine-learning
Machine learning models for time series analysis
Language: Python - Size: 182 KB - Last synced at: about 2 months ago - Pushed at: almost 4 years ago - Stars: 376 - Forks: 104

chen0040/keras-anomaly-detection
Anomaly detection implemented in Keras
Language: Python - Size: 68.8 MB - Last synced at: about 1 month ago - Pushed at: over 7 years ago - Stars: 376 - Forks: 155

amanchadha/iSeeBetter
iSeeBetter: Spatio-Temporal Video Super Resolution using Recurrent-Generative Back-Projection Networks | Python3 | PyTorch | GANs | CNNs | ResNets | RNNs | Published in Springer Journal of Computational Visual Media, September 2020, Tsinghua University Press
Language: C++ - Size: 581 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 368 - Forks: 69

rwth-i6/returnn
The RWTH extensible training framework for universal recurrent neural networks
Language: Python - Size: 28.2 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 366 - Forks: 132

raminmh/liquid-s4
Liquid Structural State-Space Models
Language: Python - Size: 2.12 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 358 - Forks: 61

tirthajyoti/Deep-learning-with-Python
Deep learning codes and projects using Python
Language: Jupyter Notebook - Size: 26.1 MB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 356 - Forks: 209

mikekeith52/scalecast
The practitioner's forecasting library
Language: Python - Size: 1.16 GB - Last synced at: 27 days ago - Pushed at: about 1 month ago - Stars: 339 - Forks: 40

minqi/learning-to-communicate-pytorch
Learning to Communicate with Deep Multi-Agent Reinforcement Learning in PyTorch
Language: Python - Size: 85 KB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 336 - Forks: 73

uzaymacar/attention-mechanisms
Implementations for a family of attention mechanisms, suitable for all kinds of natural language processing tasks and compatible with TensorFlow 2.0 and Keras.
Language: Python - Size: 525 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 326 - Forks: 83

liquidcarrot/carrot
🥕 Evolutionary Neural Networks in JavaScript
Language: JavaScript - Size: 17 MB - Last synced at: 20 days ago - Pushed at: over 2 years ago - Stars: 295 - Forks: 35

sekwiatkowski/komputation 📦
Komputation is a neural network framework for the Java Virtual Machine written in Kotlin and CUDA C.
Language: Kotlin - Size: 1.55 MB - Last synced at: 11 days ago - Pushed at: over 7 years ago - Stars: 293 - Forks: 11

rickiepark/handson-ml Fork of ageron/handson-ml
도서 "핸즈온 머신러닝"의 예제와 연습문제를 담은 주피터 노트북입니다.
Language: Jupyter Notebook - Size: 146 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 288 - Forks: 279

twni2016/pomdp-baselines
Simple (but often Strong) Baselines for POMDPs in PyTorch, ICML 2022
Language: Python - Size: 6.34 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 287 - Forks: 41

zhongkaifu/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.
Language: C# - Size: 1.85 MB - Last synced at: about 2 months ago - Pushed at: almost 5 years ago - Stars: 284 - Forks: 91

ritheshkumar95/im2latex-tensorflow
Tensorflow implementation of the HarvardNLP paper - What You Get Is What You See: A Visual Markup Decompiler (https://arxiv.org/pdf/1609.04938v1.pdf)
Language: HTML - Size: 29.3 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 280 - Forks: 76

chen0040/keras-english-resume-parser-and-analyzer
keras project that parses and analyze english resumes
Language: Python - Size: 1.66 MB - Last synced at: about 2 months ago - Pushed at: almost 2 years ago - Stars: 279 - Forks: 145

kk7nc/HDLTex
HDLTex: Hierarchical Deep Learning for Text Classification
Language: Python - Size: 32 MB - Last synced at: 21 days ago - Pushed at: 9 months ago - Stars: 274 - Forks: 66

Rajat-dhyani/Stock-Price-Predictor
This project seeks to utilize Deep Learning models, Long-Short Term Memory (LSTM) Neural Network algorithm, to predict stock prices.
Language: HTML - Size: 2.6 MB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 273 - Forks: 159

jimfleming/recurrent-entity-networks
TensorFlow implementation of "Tracking the World State with Recurrent Entity Networks".
Language: Python - Size: 319 KB - Last synced at: 8 months ago - Pushed at: over 7 years ago - Stars: 273 - Forks: 65

tensorlayer/awesome-tensorlayer
A curated list of dedicated resources and applications
Size: 94.7 KB - Last synced at: 9 days ago - Pushed at: over 5 years ago - Stars: 269 - Forks: 59

tbepler/protein-sequence-embedding-iclr2019
Source code for "Learning protein sequence embeddings using information from structure" - ICLR 2019
Language: Python - Size: 50.8 KB - Last synced at: 3 months ago - Pushed at: about 4 years ago - Stars: 260 - Forks: 75

nicklashansen/rnn_lstm_from_scratch
How to build RNNs and LSTMs from scratch with NumPy.
Language: Jupyter Notebook - Size: 218 KB - Last synced at: 8 months ago - Pushed at: almost 5 years ago - Stars: 252 - Forks: 70

dabasajay/Image-Caption-Generator
A neural network to generate captions for an image using CNN and RNN with BEAM Search.
Language: Python - Size: 2.4 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 247 - Forks: 76

L0SG/relational-rnn-pytorch
An implementation of DeepMind's Relational Recurrent Neural Networks (NeurIPS 2018) in PyTorch.
Language: Python - Size: 4.49 MB - Last synced at: 6 days ago - Pushed at: over 6 years ago - Stars: 245 - Forks: 35

mead-ml/mead-baseline
Deep-Learning Model Exploration and Development for NLP
Language: Python - Size: 11.2 MB - Last synced at: 21 days ago - Pushed at: almost 2 years ago - Stars: 243 - Forks: 73

ismorphism/DeepECG
ECG classification programs based on ML/DL methods
Language: Python - Size: 96.2 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 239 - Forks: 86

Chung-I/Variational-Recurrent-Autoencoder-Tensorflow
A tensorflow implementation of "Generating Sentences from a Continuous Space"
Language: Python - Size: 1.99 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 230 - Forks: 74

bogatyy/cs224d
Code for Stanford CS224D: deep learning for natural language understanding
Language: Python - Size: 86 MB - Last synced at: about 1 month ago - Pushed at: about 5 years ago - Stars: 223 - Forks: 86

akash13singh/lstm_anomaly_thesis
Anomaly detection for temporal data using LSTMs
Language: Jupyter Notebook - Size: 86.5 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 220 - Forks: 89

rakeshvar/rnn_ctc
Recurrent Neural Network and Long Short Term Memory (LSTM) with Connectionist Temporal Classification implemented in Theano. Includes a Toy training example.
Language: Python - Size: 604 KB - Last synced at: 8 months ago - Pushed at: almost 9 years ago - Stars: 220 - Forks: 80

stefanonardo/pytorch-esn
An Echo State Network module for PyTorch.
Language: Python - Size: 302 KB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 219 - Forks: 46

nengo/keras-lmu
Keras implementation of Legendre Memory Units
Language: Python - Size: 16 MB - Last synced at: 12 days ago - Pushed at: about 1 month ago - Stars: 215 - Forks: 35

ArrasL/LRP_for_LSTM
Layer-wise Relevance Propagation (LRP) for LSTMs.
Language: Python - Size: 12.4 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 204 - Forks: 58

26hzhang/StockPrediction
Plain Stock Close-Price Prediction via Graves LSTM RNNs
Language: Java - Size: 41.3 MB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 197 - Forks: 113

nicklashansen/voice-activity-detection
Voice Activity Detection (VAD) using deep learning.
Language: Jupyter Notebook - Size: 2.41 MB - Last synced at: 2 months ago - Pushed at: almost 6 years ago - Stars: 196 - Forks: 33

proroklab/popgym
Partially Observable Process Gym
Language: Python - Size: 261 KB - Last synced at: 26 days ago - Pushed at: about 1 month ago - Stars: 193 - Forks: 15

kyegomez/MambaTransformer
Integrating Mamba/SSMs with Transformer for Enhanced Long Context and High-Quality Sequence Modeling
Language: Python - Size: 2.23 MB - Last synced at: 2 months ago - Pushed at: 3 months ago - Stars: 193 - Forks: 16

bricewalker/Hey-Jetson
Deep Learning based Automatic Speech Recognition with attention for the Nvidia Jetson.
Language: Jupyter Notebook - Size: 2.88 GB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 192 - Forks: 40

lcswillems/torch-ac
Recurrent and multi-process PyTorch implementation of deep reinforcement Actor-Critic algorithms A2C and PPO
Language: Python - Size: 23.4 KB - Last synced at: 8 months ago - Pushed at: almost 3 years ago - Stars: 192 - Forks: 66

lucko515/speech-recognition-neural-network
This is the end-to-end Speech Recognition neural network, deployed in Keras. This was my final project for Artificial Intelligence Nanodegree @Udacity.
Language: HTML - Size: 12.7 MB - Last synced at: about 1 month ago - Pushed at: almost 8 years ago - Stars: 190 - Forks: 85

tonybeltramelli/Deep-Spying
Spying using Smartwatch and Deep Learning
Language: Python - Size: 11 MB - Last synced at: 20 days ago - Pushed at: about 8 years ago - Stars: 189 - Forks: 39

hengluchang/deep-news-summarization
News summarization using sequence to sequence model with attention in TensorFlow.
Language: Python - Size: 1.19 MB - Last synced at: 3 months ago - Pushed at: over 7 years ago - Stars: 188 - Forks: 62

VisionVerse/Blind-Motion-Deblurring-Survey
Deep learning in motion deblurring: current status, benchmarks and future prospects[J], The Visual Computer, 2024.
Language: Python - Size: 424 KB - Last synced at: 8 months ago - Pushed at: 10 months ago - Stars: 187 - Forks: 1

proger/accelerated-scan
Accelerated First Order Parallel Associative Scan
Language: Python - Size: 1000 KB - Last synced at: 3 months ago - Pushed at: 11 months ago - Stars: 180 - Forks: 8

bentrevett/pytorch-pos-tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Language: Jupyter Notebook - Size: 176 KB - Last synced at: 3 months ago - Pushed at: about 4 years ago - Stars: 179 - Forks: 27

amanchadha/stanford-cs231n-assignments-2020
This repository contains my solutions to the assignments for Stanford's CS231n "Convolutional Neural Networks for Visual Recognition" (Spring 2020).
Language: Jupyter Notebook - Size: 200 MB - Last synced at: 27 days ago - Pushed at: about 4 years ago - Stars: 175 - Forks: 66

AlexGidiotis/Document-Classifier-LSTM
A bidirectional LSTM with attention for multiclass/multilabel text classification.
Language: Python - Size: 82 KB - Last synced at: 3 months ago - Pushed at: 11 months ago - Stars: 173 - Forks: 52

Js-Mim/mss_pytorch
Singing Voice Separation via Recurrent Inference and Skip-Filtering Connections - PyTorch Implementation. Demo:
Language: Python - Size: 62 MB - Last synced at: 2 months ago - Pushed at: over 6 years ago - Stars: 171 - Forks: 32

albertogaspar/dts
A Keras library for multi-step time-series forecasting.
Language: Python - Size: 1.03 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 165 - Forks: 42
