All Projects → Automatic_speech_recognition → Similar Projects or Alternatives

2344 Open source projects that are alternatives of or similar to Automatic_speech_recognition

Deepfakes video classification
Deepfakes Video classification via CNN, LSTM, C3D and triplets
Stars: ✭ 24 (-99.13%)
Mutual labels:  cnn, rnn
Eda nlp
Data augmentation for NLP, presented at EMNLP 2019
Stars: ✭ 902 (-67.21%)
Mutual labels:  cnn, rnn
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 (-95.67%)
Mutual labels:  lstm, rnn
Tensorflow Tutorial
Some interesting TensorFlow tutorials for beginners.
Stars: ✭ 893 (-67.54%)
Mutual labels:  cnn, lstm
A Convolutional Recurrent Neural Network For Real Time Speech Enhancement
A minimum unofficial implementation of the "A Convolutional Recurrent Neural Network for Real-Time Speech Enhancement" (CRN) using PyTorch
Stars: ✭ 123 (-95.53%)
Mutual labels:  cnn, rnn
Kaggle Web Traffic
1st place solution
Stars: ✭ 1,641 (-40.35%)
Mutual labels:  rnn, rnn-encoder-decoder
Cortex M Kws
Cortex M KWS example with Tengine Lite.
Stars: ✭ 45 (-98.36%)
Mutual labels:  cnn, speech-recognition
Easyocr
Ready-to-use OCR with 80+ supported languages and all popular writing scripts including Latin, Chinese, Arabic, Devanagari, Cyrillic and etc.
Stars: ✭ 13,379 (+386.33%)
Mutual labels:  cnn, lstm
Pytorch convlstm
convolutional lstm implementation in pytorch
Stars: ✭ 126 (-95.42%)
Mutual labels:  cnn, lstm
Lstm Crypto Price Prediction
Predicting price trends in cryptomarkets using an lstm-RNN for the use of a trading bot
Stars: ✭ 136 (-95.06%)
Mutual labels:  lstm, rnn
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 (-35.77%)
Mutual labels:  cnn, lstm
Nlp overview
Overview of Modern Deep Learning Techniques Applied to Natural Language Processing
Stars: ✭ 1,104 (-59.87%)
Mutual labels:  cnn, rnn
Lstm Context Embeddings
Augmenting word embeddings with their surrounding context using bidirectional RNN
Stars: ✭ 57 (-97.93%)
Mutual labels:  cnn, lstm
Bitcoin Price Prediction Using Lstm
Bitcoin price Prediction ( Time Series ) using LSTM Recurrent neural network
Stars: ✭ 67 (-97.56%)
Mutual labels:  lstm, rnn
Espresso
Espresso: A Fast End-to-End Neural Speech Recognition Toolkit
Stars: ✭ 808 (-70.63%)
Mutual labels:  speech-recognition, end-to-end
Machine Learning
My Attempt(s) In The World Of ML/DL....
Stars: ✭ 78 (-97.16%)
Mutual labels:  lstm, rnn
Codegan
[Deprecated] Source Code Generation using Sequence Generative Adversarial Networks
Stars: ✭ 73 (-97.35%)
Mutual labels:  paper, rnn
Pytorch Sentiment Analysis Classification
A PyTorch Tutorials of Sentiment Analysis Classification (RNN, LSTM, Bi-LSTM, LSTM+Attention, CNN)
Stars: ✭ 80 (-97.09%)
Mutual labels:  lstm, rnn
Patter
speech-to-text in pytorch
Stars: ✭ 71 (-97.42%)
Mutual labels:  speech-recognition, rnn
End To End Sequence Labeling Via Bi Directional Lstm Cnns Crf Tutorial
Tutorial for End-to-end Sequence Labeling via Bi-directional LSTM-CNNs-CRF
Stars: ✭ 87 (-96.84%)
Mutual labels:  cnn, lstm
Sleepeegnet
SleepEEGNet: Automated Sleep Stage Scoring with Sequence to Sequence Deep Learning Approach
Stars: ✭ 89 (-96.76%)
Mutual labels:  cnn, rnn
Captcharecognition
End-to-end variable length Captcha recognition using CNN+RNN+Attention/CTC (pytorch implementation). 端到端的不定长验证码识别
Stars: ✭ 97 (-96.47%)
Mutual labels:  cnn, rnn
Rnnoise
Recurrent neural network for audio noise reduction
Stars: ✭ 2,266 (-17.63%)
Mutual labels:  rnn, audio
Sarcasmdetection
Sarcasm detection on tweets using neural network
Stars: ✭ 99 (-96.4%)
Mutual labels:  cnn, lstm
Swiftspeech
A speech recognition framework designed for SwiftUI.
Stars: ✭ 149 (-94.58%)
Mutual labels:  speech-recognition, audio
Tensorflow template application
TensorFlow template application for deep learning
Stars: ✭ 1,851 (-32.72%)
Mutual labels:  cnn, lstm
E2e Asr
PyTorch Implementations for End-to-End Automatic Speech Recognition
Stars: ✭ 106 (-96.15%)
Mutual labels:  speech-recognition, end-to-end
Mnist Classification
Pytorch、Scikit-learn实现多种分类方法,包括逻辑回归(Logistic Regression)、多层感知机(MLP)、支持向量机(SVM)、K近邻(KNN)、CNN、RNN,极简代码适合新手小白入门,附英文实验报告(ACM模板)
Stars: ✭ 109 (-96.04%)
Mutual labels:  cnn, rnn
Seq2seq Chatbot
Chatbot in 200 lines of code using TensorLayer
Stars: ✭ 777 (-71.76%)
Mutual labels:  lstm, rnn
Rnn Transducer
MXNet implementation of RNN Transducer (Graves 2012): Sequence Transduction with Recurrent Neural Networks
Stars: ✭ 114 (-95.86%)
Mutual labels:  speech-recognition, end-to-end
Torchsketch
Stars: ✭ 113 (-95.89%)
Mutual labels:  cnn, rnn
Pytorch Rnn Text Classification
Word Embedding + LSTM + FC
Stars: ✭ 112 (-95.93%)
Mutual labels:  lstm, rnn
Load forecasting
Load forcasting on Delhi area electric power load using ARIMA, RNN, LSTM and GRU models
Stars: ✭ 160 (-94.18%)
Mutual labels:  lstm, rnn
Speech Denoiser
A speech denoise lv2 plugin based on RNNoise library
Stars: ✭ 220 (-92%)
Mutual labels:  rnn, audio
Chinese Chatbot
中文聊天机器人,基于10万组对白训练而成,采用注意力机制,对一般问题都会生成一个有意义的答复。已上传模型,可直接运行,跑不起来直播吃键盘。
Stars: ✭ 124 (-95.49%)
Mutual labels:  lstm, rnn
Kprn
Reasoning Over Knowledge Graph Paths for Recommendation
Stars: ✭ 220 (-92%)
Mutual labels:  lstm, rnn
Robust Lane Detection
Stars: ✭ 110 (-96%)
Mutual labels:  cnn, lstm
Vpilot
Scripts and tools to easily communicate with DeepGTAV. In the future a self-driving agent will be implemented.
Stars: ✭ 136 (-95.06%)
Mutual labels:  cnn, lstm
Tensorflow Bitcoin Robot
A Bitcoin trade robot based on Tensorflow LSTM model.Just for fun.
Stars: ✭ 155 (-94.37%)
Mutual labels:  lstm, rnn
Rnnvis
A visualization tool for understanding and debugging RNNs
Stars: ✭ 162 (-94.11%)
Mutual labels:  lstm, rnn
Lstm Music Genre Classification
Music genre classification with LSTM Recurrent Neural Nets in Keras & PyTorch
Stars: ✭ 166 (-93.97%)
Mutual labels:  lstm, rnn
Pytorch Image Comp Rnn
PyTorch implementation of Full Resolution Image Compression with Recurrent Neural Networks
Stars: ✭ 146 (-94.69%)
Mutual labels:  lstm, rnn
Audioowl
Fast and simple music and audio analysis using RNN in Python 🕵️‍♀️ 🥁
Stars: ✭ 151 (-94.51%)
Mutual labels:  rnn, audio
Rnn poetry generator
基于RNN生成古诗
Stars: ✭ 143 (-94.8%)
Mutual labels:  lstm, rnn
Poetry Seq2seq
Chinese Poetry Generation
Stars: ✭ 159 (-94.22%)
Mutual labels:  lstm, rnn
Rnnt Speech Recognition
End-to-end speech recognition using RNN Transducers in Tensorflow 2.0
Stars: ✭ 158 (-94.26%)
Mutual labels:  speech-recognition, rnn
Deeplearning tutorials
The deeplearning algorithms implemented by tensorflow
Stars: ✭ 1,580 (-42.57%)
Mutual labels:  cnn, lstm
Rnn For Joint Nlu
Pytorch implementation of "Attention-Based Recurrent Neural Network Models for Joint Intent Detection and Slot Filling" (https://arxiv.org/abs/1609.01454)
Stars: ✭ 176 (-93.6%)
Mutual labels:  lstm, rnn
Sentence Classification
Sentence Classifications with Neural Networks
Stars: ✭ 177 (-93.57%)
Mutual labels:  cnn, rnn
Keraspp
코딩셰프의 3분 딥러닝, 케라스맛
Stars: ✭ 178 (-93.53%)
Mutual labels:  cnn, rnn
End2end Asr Pytorch
End-to-End Automatic Speech Recognition on PyTorch
Stars: ✭ 175 (-93.64%)
Mutual labels:  speech-recognition, end-to-end
Tensorflow Tutorials
텐서플로우를 기초부터 응용까지 단계별로 연습할 수 있는 소스 코드를 제공합니다
Stars: ✭ 2,096 (-23.81%)
Mutual labels:  cnn, rnn
Speech Emotion Recognition
Speech emotion recognition implemented in Keras (LSTM, CNN, SVM, MLP) | 语音情感识别
Stars: ✭ 181 (-93.42%)
Mutual labels:  cnn, lstm
Asr Evaluation
Python module for evaluating ASR hypotheses (e.g. word error rate, word recognition rate).
Stars: ✭ 190 (-93.09%)
Mutual labels:  speech-recognition, evaluation
Stylenet
A cute multi-layer LSTM that can perform like a human 🎶
Stars: ✭ 187 (-93.2%)
Mutual labels:  lstm, rnn
Haste
Haste: a fast, simple, and open RNN library
Stars: ✭ 214 (-92.22%)
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 (-93.02%)
Mutual labels:  lstm, rnn
Kaggle Competition Favorita
5th place solution for Kaggle competition Favorita Grocery Sales Forecasting
Stars: ✭ 169 (-93.86%)
Mutual labels:  cnn, lstm
Lidc nodule detection
lidc nodule detection with CNN and LSTM network
Stars: ✭ 187 (-93.2%)
Mutual labels:  cnn, lstm
Kospeech
Open-Source Toolkit for End-to-End Korean Automatic Speech Recognition.
Stars: ✭ 190 (-93.09%)
Mutual labels:  speech-recognition, end-to-end
61-120 of 2344 similar projects