Awesome Open Source
Search
Programming Languages
Languages
All Categories
Categories
About
Search results for neural network speech recognition
neural-network
x
speech-recognition
x
35 search results found
Deepspeech
⭐
25,457
DeepSpeech is an open source embedded (offline, on-device) speech-to-text engine which can run in real time on devices ranging from a Raspberry Pi 4 to high power GPU servers.
Nemo
⭐
9,041
NeMo: a toolkit for conversational AI
Tensorflow Speech Recognition
⭐
2,150
🎙Speech recognition using the tensorflow deep learning framework, sequence-to-sequence neural networks
Ios_ml
⭐
1,406
List of Machine Learning, AI, NLP solutions for iOS. The most recent version of this article can be found on my blog.
Speech Emotion Analyzer
⭐
1,304
The neural network model is capable of detecting five different male/female emotions from audio speeches. (Deep Learning, NLP, Python)
Kur
⭐
812
Descriptive Deep Learning
Sincnet
⭐
764
SincNet is a neural architecture for efficiently processing raw audio samples.
Deep Learning Papers For Fish
⭐
248
a list of pappers in deep learning for new-comes.
Kerasdeepspeech
⭐
244
A Keras CTC implementation of Baidu's DeepSpeech for model experimentation
Rnn_ctc
⭐
216
Recurrent Neural Network and Long Short Term Memory (LSTM) with Connectionist Temporal Classification implemented in Theano. Includes a Toy training example.
Persephone
⭐
131
A tool for automatic phoneme transcription
Summary
⭐
126
summaries of all the papers I read
Automatic Speech Recognition
⭐
116
🎧 Automatic Speech Recognition: DeepSpeech & Seq2Seq (TensorFlow)
Pytorch Speech Commands
⭐
98
Speech commands recognition with PyTorch
Ctc Asr
⭐
92
End-to-end trained speech recognition system, based on RNNs and the connectionist temporal classification (CTC) cost function.
Wav2letter
⭐
70
Speech Recognition model based off of FAIR research paper built using Pytorch.
Python Deep Learning Projects
⭐
67
Codebase for my book "Python DeepLearning Projects" | Learn applied deep learning for various use-cases on NLP, CV and ASR using TensorFlow and Keras. Book link.
Wav2letter.pytorch
⭐
67
A fully convolution-network for speech-to-text, built on pytorch.
Ai Study
⭐
63
人工智能学习资料超全整理,包含机器学习基础ML、深度学习基础DL、计算机视觉CV、自然语言处理NLP
Papers
⭐
60
A list of paper, books and sites for various different topics related to machine learning and deep learning along with various field in which it is implemented
Tf Speech Recognition Challenge Solution
⭐
53
Source code of the model used in Tensorflow Speech Recognition Challenge (https://www.kaggle.com/c/tensorflow-speech-recogn The solution ranked in top 5% in private leaderboard.
Keras Sincnet
⭐
49
Keras (tensorflow) implementation of SincNet (Mirco Ravanelli, Yoshua Bengio - https://github.com/mravanelli/SincNet)
Deepspeech
⭐
40
A PyTorch implementation of DeepSpeech and DeepSpeech2.
Factorized Tdnn
⭐
38
PyTorch implementation of the Factorized TDNN (TDNN-F) from "Semi-Orthogonal Low-Rank Matrix Factorization for Deep Neural Networks" and Kaldi
Pytorch_mlp_for_asr
⭐
27
This code implements a basic MLP for speech recognition. The MLP is trained with pytorch, while feature extraction, alignments, and decoding are performed with Kaldi. The current implementation supports dropout and batch normalization. An example for phoneme recognition using the standard TIMIT dataset is provided.
Ai Engine
⭐
25
Easy to use Multi-Provider ASR/Speech To Text and NLP engine
Chinese Speech Emotion Datasets
⭐
23
Datasets of A Deep Convolutional Neural Network Based Virtual Elderly Companion Agent.
Speech Emotion Recognition
⭐
23
Predicting various emotion in human speech signal by detecting different speech components affected by human emotion.
Meta Transfer Learning
⭐
22
Implementation of meta-transfer-learning (ACL 2020)
Porfir
⭐
18
Голосовой ассистент Порфирьевич
Timitspeech
⭐
17
Speech recognition on the TIMIT (or any other) dataset
Tchatbot
⭐
15
A ChatBot framework to create customizable all purpose Chatbots using NLP, Tensorflow, Speech Recognition
Tf Speech Recognition
⭐
13
Speech Recognition Using Tensorflow
Favorite Research Papers
⭐
12
Listing my favorite research papers 📝 from different fields as I read them.
Kaggle Speech Recognition
⭐
11
Solution for TensorFlow Speech Recognition Challenge on Kaggle (125th place, top 10%)
Audio Pretrained Model
⭐
11
A collection of Audio and Speech pre-trained models.
Recurrentnn_speechrecognition
⭐
10
A model based in Tensorflow to recognize words from the 30 word Speech Commands Dataset from Google using LSTM based Recurrent Neural Network.
Speech Recognition Ann
⭐
10
Speech Recognition implementation using Artificial Neural Networks
Asr
⭐
10
Automatic speech recognition using neural networks
Dnn Speech
⭐
10
This ist the repository for the term project Speech Recognition using Deep Neural Networks for the course ELEC-E5510-Speech Recognition
Speech Recognition Of Digits Using Tensorflow
⭐
10
Implementing LSTM Recurrent Neural Nets to recognize spoken digits using Tensorflow.
Speech Recognition Tensorflow Challenge
⭐
8
Different CNN Models for keyword spotting in speech recognition
Deep Learning
⭐
7
Deep learning (also known as deep structured learning or hierarchical learning) is part of a broader family of machine learning methods based on artificial neural networks. Learning can be supervised, semi-supervised or unsupervised. Deep learning architectures such as deep neural networks, deep belief networks, recurrent neural networks and convolutional neural networks have been applied to fields including computer vision, speech recognition, natural language processing, audio recognition, soc
Speaker Identification
⭐
7
Speaker Identification using Neural Net.
End2endautomaticspeechrecognition
⭐
7
In this repository, I have developed an end to end Automatic speech recognition project. I have developed the neural network model for automatic speech recognition with PyTorch and used MLflow to manage the ML lifecycle, including experimentation, reproducibility, deployment, and a central model registry.
Tflite Speech Recognition
⭐
6
Demo for training a convolutional neural network to classify words and deploy the model to a Raspberry Pi using TensorFlow Lite.
Virtualassistant
⭐
6
Virtual Assistant project done in the Middlesex University with Dr. Nawaz Khan by scholarship of the ErasmusPlus program.
Speech_recognition
⭐
6
Convolutional Neural Network for Speech Recognition, implemented in Ms. Pacman game
Speech Emotion Recognition Using Blstm With Attention
⭐
6
We present a study of a neural network based method for speech emotion recognition, using audio-only features. In the studied scheme, the acoustic features are extracted from the audio utterances and fed to a neural network that consists of CNN layers, BLSTM combined with an attention mechanism layer, and a fully-connected layer. To illustrate and analyze the classification capabilities of the network we used the t-SNE method. We evaluated our model using RAVDESS and IEMOCAP databases.
Neural Network Zoo
⭐
5
🧠🕸️ Neural network architectures implemented in PyTorch for educational purposes.
Yeezy Taught Me
⭐
5
Yeezy Taught Me Text Generation. Training next character predictions RNN LSTM model with user input text corpus
Dnn Speech Recognizer
⭐
5
Built a deep neural network that functions as part of an end-to-end automatic speech recognition (ASR) pipeline.
Related Searches
Python Neural Network (7,407)
Machine Learning Neural Network (4,430)
Deep Learning Neural Network (3,760)
Jupyter Notebook Neural Network (3,677)
Tensorflow Neural Network (2,398)
Pytorch Neural Network (1,391)
Neural Network Keras (1,328)
Neural Network Classification (906)
Python Speech Recognition (876)
C Plus Plus Neural Network (856)
1-35 of 35 search results
Privacy
|
About
|
Terms
|
Follow Us On Twitter
Copyright 2018-2025 Awesome Open Source. All rights reserved.