All Projects → Speech Emotion Recognition → Similar Projects or Alternatives

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

Visualizing cnns
Using Keras and cats to visualize layers from CNNs
Stars: ✭ 143 (-20.99%)
Mutual labels:  cnn
Livianet
This repository contains the code of LiviaNET, a 3D fully convolutional neural network that was employed in our work: "3D fully convolutional networks for subcortical segmentation in MRI: A large-scale study"
Stars: ✭ 143 (-20.99%)
Mutual labels:  cnn
Lstm attention
attention-based LSTM/Dense implemented by Keras
Stars: ✭ 168 (-7.18%)
Mutual labels:  lstm
Mstar deeplearning project
Radar target classification, detection and recognition using deeplearning methods on MSTAR dataset
Stars: ✭ 163 (-9.94%)
Mutual labels:  cnn
Semanaly
semantic analysis using word2vector, doc2vector,lstm and other method. mainly for text similarity analysis.
Stars: ✭ 143 (-20.99%)
Mutual labels:  lstm
Rnn poetry generator
基于RNN生成古诗
Stars: ✭ 143 (-20.99%)
Mutual labels:  lstm
Weixinxiaochengxu
小帅一点资讯微信小程序图像识别源码,微信小程序百度AI接口源码,微信小程序图片上传显示缩放缩略图,人工智能,图像识别,人脸颜值分析,植物、动物、车型、LOGO、食材、手写文字识别等
Stars: ✭ 162 (-10.5%)
Mutual labels:  cnn
Self Driving Car 3d Simulator With Cnn
Implementing a self driving car using a 3D Driving Simulator. CNN will be used for training
Stars: ✭ 143 (-20.99%)
Mutual labels:  cnn
Image Caption Generator
[DEPRECATED] A Neural Network based generative model for captioning images using Tensorflow
Stars: ✭ 141 (-22.1%)
Mutual labels:  lstm
Paircnn Ranking
A tensorflow implementation of Learning to Rank Short Text Pairs with Convolutional Deep Neural Networks
Stars: ✭ 176 (-2.76%)
Mutual labels:  cnn
Lenet5 hls
FPGA Accelerator for CNN using Vivado HLS
Stars: ✭ 167 (-7.73%)
Mutual labels:  cnn
Sequitur
Library of autoencoders for sequential data
Stars: ✭ 162 (-10.5%)
Mutual labels:  lstm
Deep Learning Resources
A Collection of resources I have found useful on my journey finding my way through the world of Deep Learning.
Stars: ✭ 141 (-22.1%)
Mutual labels:  lstm
Brdnet
Image denoising using deep CNN with batch renormalization(Neural Networks,2020)
Stars: ✭ 141 (-22.1%)
Mutual labels:  cnn
Tf Adnet Tracking
Deep Object Tracking Implementation in Tensorflow for 'Action-Decision Networks for Visual Tracking with Deep Reinforcement Learning(CVPR 2017)'
Stars: ✭ 162 (-10.5%)
Mutual labels:  cnn
Richwordsegmentor
Neural word segmentation with rich pretraining, code for ACL 2017 paper
Stars: ✭ 140 (-22.65%)
Mutual labels:  lstm
Actionrecognition
Explore Action Recognition
Stars: ✭ 139 (-23.2%)
Mutual labels:  lstm
Load forecasting
Load forcasting on Delhi area electric power load using ARIMA, RNN, LSTM and GRU models
Stars: ✭ 160 (-11.6%)
Mutual labels:  lstm
Image classifier
CNN image classifier implemented in Keras Notebook 🖼️.
Stars: ✭ 139 (-23.2%)
Mutual labels:  cnn
Pytorch Fcn Easiest Demo
PyTorch Implementation of Fully Convolutional Networks (a very simple and easy demo).
Stars: ✭ 138 (-23.76%)
Mutual labels:  cnn
Anime Face Gan Keras
A DCGAN to generate anime faces using custom mined dataset
Stars: ✭ 161 (-11.05%)
Mutual labels:  cnn
Ethnicolr
Predict Race and Ethnicity Based on the Sequence of Characters in a Name
Stars: ✭ 137 (-24.31%)
Mutual labels:  lstm
Document Classifier Lstm
A bidirectional LSTM with attention for multiclass/multilabel text classification.
Stars: ✭ 136 (-24.86%)
Mutual labels:  lstm
Tensorflow Tutorials
텐서플로우를 기초부터 응용까지 단계별로 연습할 수 있는 소스 코드를 제공합니다
Stars: ✭ 2,096 (+1058.01%)
Mutual labels:  cnn
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 (-2.76%)
Mutual labels:  lstm
Speech Emotion Recognition
Speaker independent emotion recognition
Stars: ✭ 169 (-6.63%)
Mutual labels:  lstm
Pytorch Receptive Field
Compute CNN receptive field size in pytorch in one line
Stars: ✭ 160 (-11.6%)
Mutual labels:  cnn
Keras Vgg16 Places365
Keras code and weights files for the VGG16-places365 and VGG16-hybrid1365 CNNs for scene classification
Stars: ✭ 138 (-23.76%)
Mutual labels:  cnn
Question Pairs Matching
第三届魔镜杯 智能客服问题相似性算法设计 第12名解决方案
Stars: ✭ 138 (-23.76%)
Mutual labels:  lstm
Keras Lmu
Keras implementation of Legendre Memory Units
Stars: ✭ 160 (-11.6%)
Mutual labels:  lstm
Flownet2 Docker
Dockerfile and runscripts for FlowNet 2.0 (estimation of optical flow)
Stars: ✭ 137 (-24.31%)
Mutual labels:  cnn
Poetry Seq2seq
Chinese Poetry Generation
Stars: ✭ 159 (-12.15%)
Mutual labels:  lstm
Deeplearningfornlpinpytorch
An IPython Notebook tutorial on deep learning for natural language processing, including structure prediction.
Stars: ✭ 1,744 (+863.54%)
Mutual labels:  lstm
Amazon Product Recommender System
Sentiment analysis on Amazon Review Dataset available at http://snap.stanford.edu/data/web-Amazon.html
Stars: ✭ 158 (-12.71%)
Mutual labels:  lstm
Lstm Crypto Price Prediction
Predicting price trends in cryptomarkets using an lstm-RNN for the use of a trading bot
Stars: ✭ 136 (-24.86%)
Mutual labels:  lstm
Slot filling intent joint model
attention based joint model for intent detection and slot filling
Stars: ✭ 175 (-3.31%)
Mutual labels:  cnn
Cnnimageretrieval
CNN Image Retrieval in MatConvNet: Training and evaluating CNNs for Image Retrieval in MatConvNet
Stars: ✭ 168 (-7.18%)
Mutual labels:  cnn
Dgc Net
A PyTorch implementation of "DGC-Net: Dense Geometric Correspondence Network"
Stars: ✭ 159 (-12.15%)
Mutual labels:  cnn
Adnet
Attention-guided CNN for image denoising(Neural Networks,2020)
Stars: ✭ 135 (-25.41%)
Mutual labels:  cnn
Handwriting Synthesis
Implementation of "Generating Sequences With Recurrent Neural Networks" https://arxiv.org/abs/1308.0850
Stars: ✭ 135 (-25.41%)
Mutual labels:  lstm
Simple cnn
Simple Convolutional Neural Network Library
Stars: ✭ 158 (-12.71%)
Mutual labels:  cnn
Lstm Crf
A (CNN+)RNN(LSTM/BiLSTM)+CRF model for sequence labelling.😏
Stars: ✭ 134 (-25.97%)
Mutual labels:  lstm
Stockprediction
Plain Stock Close-Price Prediction via Graves LSTM RNNs
Stars: ✭ 134 (-25.97%)
Mutual labels:  lstm
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 (+1058.56%)
Mutual labels:  lstm
Simplesvmhook
SimpleSvmHook is a research purpose hypervisor for Windows on AMD processors.
Stars: ✭ 159 (-12.15%)
Mutual labels:  svm
Deep Learning With Python
Example projects I completed to understand Deep Learning techniques with Tensorflow. Please note that I do no longer maintain this repository.
Stars: ✭ 134 (-25.97%)
Mutual labels:  lstm
Webml Polyfill
A polyfill for Web Neural Network (WebNN) API
Stars: ✭ 133 (-26.52%)
Mutual labels:  cnn
Tensorflow On Android For Human Activity Recognition With Lstms
iPython notebook and Android app that shows how to build LSTM model in TensorFlow and deploy it on Android
Stars: ✭ 157 (-13.26%)
Mutual labels:  lstm
Mk Tfjs
Play MK.js with TensorFlow.js
Stars: ✭ 133 (-26.52%)
Mutual labels:  cnn
Gtzan.keras
[REPO] Music Genre classification on GTZAN dataset using CNNs
Stars: ✭ 132 (-27.07%)
Mutual labels:  cnn
Hidden Two Stream
Caffe implementation for "Hidden Two-Stream Convolutional Networks for Action Recognition"
Stars: ✭ 179 (-1.1%)
Mutual labels:  cnn
Lstm anomaly thesis
Anomaly detection for temporal data using LSTMs
Stars: ✭ 178 (-1.66%)
Mutual labels:  lstm
Deep Algotrading
A resource for learning about deep learning techniques from regression to LSTM and Reinforcement Learning using financial data and the fitness functions of algorithmic trading
Stars: ✭ 173 (-4.42%)
Mutual labels:  lstm
Handpose
A python program to detect and classify hand pose using deep learning techniques
Stars: ✭ 168 (-7.18%)
Mutual labels:  cnn
Nspm
🤖 Neural SPARQL Machines for Knowledge Graph Question Answering.
Stars: ✭ 156 (-13.81%)
Mutual labels:  lstm
Noiseface
Noise-Tolerant Paradigm for Training Face Recognition CNNs
Stars: ✭ 132 (-27.07%)
Mutual labels:  cnn
Svm Classification Localization
HoG, PCA, PSO, Hard Negative Mining, Sliding Window, Edge Boxes, NMS
Stars: ✭ 130 (-28.18%)
Mutual labels:  svm
Tensorflow Bitcoin Robot
A Bitcoin trade robot based on Tensorflow LSTM model.Just for fun.
Stars: ✭ 155 (-14.36%)
Mutual labels:  lstm
Object Localization
Object localization in images using simple CNNs and Keras
Stars: ✭ 130 (-28.18%)
Mutual labels:  cnn
Id Cnn Cws
Source codes and corpora of paper "Iterated Dilated Convolutions for Chinese Word Segmentation"
Stars: ✭ 129 (-28.73%)
Mutual labels:  cnn
61-120 of 843 similar projects