All Projects → Automatic_speech_recognition → Similar Projects or Alternatives

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

Speech-Recognition
End-to-end Automatic Speech Recognition for Madarian and English in Tensorflow
Stars: ✭ 21 (-99.24%)
Awesome Speech Recognition Speech Synthesis Papers
Automatic Speech Recognition (ASR), Speaker Verification, Speech Synthesis, Text-to-Speech (TTS), Language Modelling, Singing Voice Synthesis (SVS), Voice Conversion (VC)
Stars: ✭ 2,085 (-24.21%)
Asrt speechrecognition
A Deep-Learning-Based Chinese Speech Recognition System 基于深度学习的中文语音识别系统
Stars: ✭ 4,943 (+79.68%)
Keras Sincnet
Keras (tensorflow) implementation of SincNet (Mirco Ravanelli, Yoshua Bengio - https://github.com/mravanelli/SincNet)
Stars: ✭ 47 (-98.29%)
Mutual labels:  cnn, speech-recognition, audio
Eeg Dl
A Deep Learning library for EEG Tasks (Signals) Classification, based on TensorFlow.
Stars: ✭ 165 (-94%)
Mutual labels:  cnn, 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 (-91.17%)
Mutual labels:  cnn, lstm, rnn
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 (-23.77%)
Mutual labels:  lstm, speech-recognition, rnn
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+16.65%)
Mutual labels:  cnn, lstm, rnn
Video Classification
Tutorial for video classification/ action recognition using 3D CNN/ CNN+RNN on UCF101
Stars: ✭ 543 (-80.26%)
Mutual labels:  cnn, lstm, rnn
Unet Zoo
A collection of UNet and hybrid architectures in PyTorch for 2D and 3D Biomedical Image segmentation
Stars: ✭ 302 (-89.02%)
Mutual labels:  cnn, lstm, rnn
Sincnet
SincNet is a neural architecture for efficiently processing raw audio samples.
Stars: ✭ 764 (-72.23%)
Mutual labels:  cnn, speech-recognition, audio
Rnn Theano
使用Theano实现的一些RNN代码,包括最基本的RNN,LSTM,以及部分Attention模型,如论文MLSTM等
Stars: ✭ 31 (-98.87%)
Mutual labels:  cnn, lstm, rnn
Lightnet
Efficient, transparent deep learning in hundreds of lines of code.
Stars: ✭ 243 (-91.17%)
Mutual labels:  cnn, lstm, rnn
End-to-End-Mandarin-ASR
End-to-end speech recognition on AISHELL dataset.
Stars: ✭ 20 (-99.27%)
Crnn Audio Classification
UrbanSound classification using Convolutional Recurrent Networks in PyTorch
Stars: ✭ 235 (-91.46%)
Mutual labels:  lstm, rnn, audio
Avsr Deep Speech
Google Summer of Code 2017 Project: Development of Speech Recognition Module for Red Hen Lab
Stars: ✭ 43 (-98.44%)
Mutual labels:  lstm, speech-recognition, audio
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 (-92%)
Mutual labels:  lstm, speech-recognition, rnn
Deep Music Genre Classification
🎵 Using Deep Learning to Categorize Music as Time Progresses Through Spectrogram Analysis
Stars: ✭ 23 (-99.16%)
Mutual labels:  cnn, lstm, rnn
Sign Language Gesture Recognition
Sign Language Gesture Recognition From Video Sequences Using RNN And CNN
Stars: ✭ 214 (-92.22%)
Mutual labels:  cnn, lstm, rnn
timit-preprocessor
Extract mfcc vectors and phones from TIMIT dataset
Stars: ✭ 14 (-99.49%)
Rus-SpeechRecognition-LSTM-CTC-VoxForge
Распознавание речи русского языка используя Tensorflow, обучаясь на базе Voxforge
Stars: ✭ 50 (-98.18%)
Mutual labels:  end-to-end, lstm, speech-recognition
Multi Class Text Classification Cnn Rnn
Classify Kaggle San Francisco Crime Description into 39 classes. Build the model with CNN, RNN (GRU and LSTM) and Word Embeddings on Tensorflow.
Stars: ✭ 570 (-79.28%)
Mutual labels:  cnn, lstm, rnn
Basicocr
BasicOCR是一个致力于解决自然场景文字识别算法研究的项目。该项目由长城数字大数据应用技术研究院佟派AI团队发起和维护。
Stars: ✭ 336 (-87.79%)
Mutual labels:  cnn, lstm, rnn
Deepseqslam
The Official Deep Learning Framework for Route-based Place Recognition
Stars: ✭ 49 (-98.22%)
Mutual labels:  cnn, lstm, rnn
Cnn lstm for text classify
CNN, LSTM, NBOW, fasttext 中文文本分类
Stars: ✭ 90 (-96.73%)
Mutual labels:  cnn, lstm, rnn
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (-96.47%)
Mutual labels:  cnn, lstm, rnn
Neural Networks
All about Neural Networks!
Stars: ✭ 34 (-98.76%)
Mutual labels:  cnn, lstm, rnn
Pytorch Pos Tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Stars: ✭ 96 (-96.51%)
Mutual labels:  cnn, lstm, rnn
Natural Language Processing With Tensorflow
Natural Language Processing with TensorFlow, published by Packt
Stars: ✭ 222 (-91.93%)
Mutual labels:  cnn, lstm, rnn
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
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
Pytorch convlstm
convolutional lstm implementation in pytorch
Stars: ✭ 126 (-95.42%)
Mutual labels:  cnn, lstm
Pytorch Seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Stars: ✭ 3,418 (+24.25%)
Mutual labels:  lstm, rnn
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
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
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
Rnn poetry generator
基于RNN生成古诗
Stars: ✭ 143 (-94.8%)
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
Chinese Chatbot
中文聊天机器人,基于10万组对白训练而成,采用注意力机制,对一般问题都会生成一个有意义的答复。已上传模型,可直接运行,跑不起来直播吃键盘。
Stars: ✭ 124 (-95.49%)
Mutual labels:  lstm, rnn
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
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 (-90.91%)
Mutual labels:  lstm, rnn
Swiftspeech
A speech recognition framework designed for SwiftUI.
Stars: ✭ 149 (-94.58%)
Mutual labels:  speech-recognition, audio
Rnnoise
Recurrent neural network for audio noise reduction
Stars: ✭ 2,266 (-17.63%)
Mutual labels:  rnn, audio
Audioowl
Fast and simple music and audio analysis using RNN in Python 🕵️‍♀️ 🥁
Stars: ✭ 151 (-94.51%)
Mutual labels:  rnn, audio
Tensorflow template application
TensorFlow template application for deep learning
Stars: ✭ 1,851 (-32.72%)
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
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
Poetry Seq2seq
Chinese Poetry Generation
Stars: ✭ 159 (-94.22%)
Mutual labels:  lstm, rnn
Rnnvis
A visualization tool for understanding and debugging RNNs
Stars: ✭ 162 (-94.11%)
Mutual labels:  lstm, rnn
Torchsketch
Stars: ✭ 113 (-95.89%)
Mutual labels:  cnn, rnn
Pytorch Image Comp Rnn
PyTorch implementation of Full Resolution Image Compression with Recurrent Neural Networks
Stars: ✭ 146 (-94.69%)
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
Nlstm
Nested LSTM Cell
Stars: ✭ 246 (-91.06%)
Mutual labels:  lstm, rnn
Sentence Classification
Sentence Classifications with Neural Networks
Stars: ✭ 177 (-93.57%)
Mutual labels:  cnn, rnn
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
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
End2end Asr Pytorch
End-to-End Automatic Speech Recognition on PyTorch
Stars: ✭ 175 (-93.64%)
Mutual labels:  speech-recognition, end-to-end
Keraspp
코딩셰프의 3분 딥러닝, 케라스맛
Stars: ✭ 178 (-93.53%)
Mutual labels:  cnn, rnn
1-60 of 2344 similar projects