All Projects → Speech Emotion Recognition → Similar Projects or Alternatives

843 Open source projects that are alternatives of or similar to Speech Emotion Recognition

Cs291k
🎭 Sentiment Analysis of Twitter data using combined CNN and LSTM Neural Network models
Stars: ✭ 287 (+58.56%)
Mutual labels:  cnn, lstm
Lstm Char Cnn Tensorflow
in progress
Stars: ✭ 737 (+307.18%)
Mutual labels:  cnn, lstm
Text Classification
Implementation of papers for text classification task on DBpedia
Stars: ✭ 682 (+276.8%)
Mutual labels:  cnn, lstm
Automatic speech recognition
End-to-end Automatic Speech Recognition for Madarian and English in Tensorflow
Stars: ✭ 2,751 (+1419.89%)
Mutual labels:  cnn, lstm
Cnn lstm for text classify
CNN, LSTM, NBOW, fasttext 中文文本分类
Stars: ✭ 90 (-50.28%)
Mutual labels:  cnn, lstm
stylenet
A pytorch implemention of "StyleNet: Generating Attractive Visual Captions with Styles"
Stars: ✭ 58 (-67.96%)
Mutual labels:  cnn, lstm
Cryptocurrencyprediction
Predict Cryptocurrency Price with Deep Learning
Stars: ✭ 453 (+150.28%)
Mutual labels:  cnn, lstm
Lstm Fcn
Codebase for the paper LSTM Fully Convolutional Networks for Time Series Classification
Stars: ✭ 482 (+166.3%)
Mutual labels:  cnn, lstm
Tensorflow template application
TensorFlow template application for deep learning
Stars: ✭ 1,851 (+922.65%)
Mutual labels:  cnn, lstm
Deepzip
NN based lossless compression
Stars: ✭ 69 (-61.88%)
Mutual labels:  cnn, lstm
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+1672.93%)
Mutual labels:  cnn, lstm
Pytorch convlstm
convolutional lstm implementation in pytorch
Stars: ✭ 126 (-30.39%)
Mutual labels:  cnn, lstm
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 (+34.25%)
Mutual labels:  cnn, lstm
Kaggle Competition Favorita
5th place solution for Kaggle competition Favorita Grocery Sales Forecasting
Stars: ✭ 169 (-6.63%)
Mutual labels:  cnn, lstm
turbofan failure
Aircraft engine failure prediction model
Stars: ✭ 23 (-87.29%)
Mutual labels:  svm, lstm
Eeg Dl
A Deep Learning library for EEG Tasks (Signals) Classification, based on TensorFlow.
Stars: ✭ 165 (-8.84%)
Mutual labels:  cnn, lstm
Cnn lstm ctc tensorflow
CNN+LSTM+CTC based OCR implemented using tensorflow.
Stars: ✭ 343 (+89.5%)
Mutual labels:  cnn, lstm
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 (+214.92%)
Mutual labels:  cnn, lstm
Image Captioning
Image Captioning using InceptionV3 and beam search
Stars: ✭ 290 (+60.22%)
Mutual labels:  cnn, lstm
Rnn Theano
使用Theano实现的一些RNN代码,包括最基本的RNN,LSTM,以及部分Attention模型,如论文MLSTM等
Stars: ✭ 31 (-82.87%)
Mutual labels:  cnn, lstm
Neural Networks
All about Neural Networks!
Stars: ✭ 34 (-81.22%)
Mutual labels:  cnn, lstm
Lstm Cnn classification
Stars: ✭ 64 (-64.64%)
Mutual labels:  cnn, lstm
Keras basic
keras를 이용한 딥러닝 기초 학습
Stars: ✭ 39 (-78.45%)
Mutual labels:  cnn, lstm
Mnist Classification
Pytorch、Scikit-learn实现多种分类方法,包括逻辑回归(Logistic Regression)、多层感知机(MLP)、支持向量机(SVM)、K近邻(KNN)、CNN、RNN,极简代码适合新手小白入门,附英文实验报告(ACM模板)
Stars: ✭ 109 (-39.78%)
Mutual labels:  cnn, svm
Deeplearning tutorials
The deeplearning algorithms implemented by tensorflow
Stars: ✭ 1,580 (+772.93%)
Mutual labels:  cnn, lstm
Natural Language Processing With Tensorflow
Natural Language Processing with TensorFlow, published by Packt
Stars: ✭ 222 (+22.65%)
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 (+876.24%)
Mutual labels:  cnn, lstm
Sign Language Gesture Recognition
Sign Language Gesture Recognition From Video Sequences Using RNN And CNN
Stars: ✭ 214 (+18.23%)
Mutual labels:  cnn, lstm
Lightnet
Efficient, transparent deep learning in hundreds of lines of code.
Stars: ✭ 243 (+34.25%)
Mutual labels:  cnn, lstm
Screenshot To Code
A neural network that transforms a design mock-up into a static website.
Stars: ✭ 13,561 (+7392.27%)
Mutual labels:  cnn, lstm
CS231n
My solutions for Assignments of CS231n: Convolutional Neural Networks for Visual Recognition
Stars: ✭ 30 (-83.43%)
Mutual labels:  svm, lstm
SentimentAnalysis
(BOW, TF-IDF, Word2Vec, BERT) Word Embeddings + (SVM, Naive Bayes, Decision Tree, Random Forest) Base Classifiers + Pre-trained BERT on Tensorflow Hub + 1-D CNN and Bi-Directional LSTM on IMDB Movie Reviews Dataset
Stars: ✭ 40 (-77.9%)
Mutual labels:  svm, lstm
Stock-Prediction
stock predict by cnn and lstm
Stars: ✭ 25 (-86.19%)
Mutual labels:  cnn, lstm
Deepsleepnet
DeepSleepNet: a Model for Automatic Sleep Stage Scoring based on Raw Single-Channel EEG
Stars: ✭ 200 (+10.5%)
Mutual labels:  cnn, lstm
Personality Detection
Implementation of a hierarchical CNN based model to detect Big Five personality traits
Stars: ✭ 338 (+86.74%)
Mutual labels:  cnn, lstm
Basicocr
BasicOCR是一个致力于解决自然场景文字识别算法研究的项目。该项目由长城数字大数据应用技术研究院佟派AI团队发起和维护。
Stars: ✭ 336 (+85.64%)
Mutual labels:  cnn, lstm
Pytorch classification
利用pytorch实现图像分类的一个完整的代码,训练,预测,TTA,模型融合,模型部署,cnn提取特征,svm或者随机森林等进行分类,模型蒸馏,一个完整的代码
Stars: ✭ 395 (+118.23%)
Mutual labels:  cnn, svm
Unet Zoo
A collection of UNet and hybrid architectures in PyTorch for 2D and 3D Biomedical Image segmentation
Stars: ✭ 302 (+66.85%)
Mutual labels:  cnn, lstm
Video Classification
Tutorial for video classification/ action recognition using 3D CNN/ CNN+RNN on UCF101
Stars: ✭ 543 (+200%)
Mutual labels:  cnn, lstm
Textclassificationbenchmark
A Benchmark of Text Classification in PyTorch
Stars: ✭ 534 (+195.03%)
Mutual labels:  cnn, lstm
Tensorflow cookbook
Code for Tensorflow Machine Learning Cookbook
Stars: ✭ 5,984 (+3206.08%)
Mutual labels:  cnn, svm
Lidc nodule detection
lidc nodule detection with CNN and LSTM network
Stars: ✭ 187 (+3.31%)
Mutual labels:  cnn, lstm
Qa Rankit
QA - Answer Selection (Rank candidate answers for a given question)
Stars: ✭ 30 (-83.43%)
Mutual labels:  cnn, lstm
Ailearning
AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP
Stars: ✭ 32,316 (+17754.14%)
Mutual labels:  lstm, svm
Twitter Sentiment Analysis
Sentiment analysis on tweets using Naive Bayes, SVM, CNN, LSTM, etc.
Stars: ✭ 978 (+440.33%)
Mutual labels:  cnn, lstm
Neural Image Captioning
Implementation of Neural Image Captioning model using Keras with Theano backend
Stars: ✭ 12 (-93.37%)
Mutual labels:  cnn, lstm
Lstm Context Embeddings
Augmenting word embeddings with their surrounding context using bidirectional RNN
Stars: ✭ 57 (-68.51%)
Mutual labels:  cnn, lstm
Deepseqslam
The Official Deep Learning Framework for Route-based Place Recognition
Stars: ✭ 49 (-72.93%)
Mutual labels:  cnn, lstm
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 (-51.93%)
Mutual labels:  cnn, lstm
Deep Music Genre Classification
🎵 Using Deep Learning to Categorize Music as Time Progresses Through Spectrogram Analysis
Stars: ✭ 23 (-87.29%)
Mutual labels:  cnn, lstm
Awesome Deep Learning Resources
Rough list of my favorite deep learning resources, useful for revisiting topics or for reference. I have got through all of the content listed there, carefully. - Guillaume Chevalier
Stars: ✭ 1,469 (+711.6%)
Mutual labels:  cnn, lstm
Sarcasmdetection
Sarcasm detection on tweets using neural network
Stars: ✭ 99 (-45.3%)
Mutual labels:  cnn, lstm
Robust Lane Detection
Stars: ✭ 110 (-39.23%)
Mutual labels:  cnn, lstm
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (-46.41%)
Mutual labels:  cnn, lstm
Tensorflow Tutorial
Some interesting TensorFlow tutorials for beginners.
Stars: ✭ 893 (+393.37%)
Mutual labels:  cnn, lstm
Pytorch Pos Tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Stars: ✭ 96 (-46.96%)
Mutual labels:  cnn, lstm
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 (+7291.71%)
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 (-24.86%)
Mutual labels:  cnn, lstm
Rnnvis
A visualization tool for understanding and debugging RNNs
Stars: ✭ 162 (-10.5%)
Mutual labels:  lstm
Lstm attention
attention-based LSTM/Dense implemented by Keras
Stars: ✭ 168 (-7.18%)
Mutual labels:  lstm
1-60 of 843 similar projects