1279 Open source projects that are alternatives of or similar to Predicting Myers Briggs Type Indicator With Recurrent Neural Networks

Gru Svm
[ICMLC 2018] A Neural Network Architecture Combining Gated Recurrent Unit (GRU) and Support Vector Machine (SVM) for Intrusion Detection
Stars: ✭ 76 (+76.74%)
Rmdl
RMDL: Random Multimodel Deep Learning for Classification
Stars: ✭ 375 (+772.09%)
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+7362.79%)
Mutual labels:  rnn, recurrent-neural-networks
Probabilistic-RNN-DA-Classifier
Probabilistic Dialogue Act Classification for the Switchboard Corpus using an LSTM model
Stars: ✭ 22 (-48.84%)
Mutual labels:  recurrent-neural-networks, rnn
Human-Activity-Recognition
Human activity recognition using TensorFlow on smartphone sensors dataset and an LSTM RNN. Classifying the type of movement amongst six categories (WALKING, WALKING_UPSTAIRS, WALKING_DOWNSTAIRS, SITTING, STANDING, LAYING).
Stars: ✭ 16 (-62.79%)
Mutual labels:  recurrent-neural-networks, rnn
Rnn Theano
使用Theano实现的一些RNN代码,包括最基本的RNN,LSTM,以及部分Attention模型,如论文MLSTM等
Stars: ✭ 31 (-27.91%)
Mutual labels:  classification, rnn
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 (+411.63%)
Mutual labels:  rnn, recurrent-neural-networks
Mlj.jl
A Julia machine learning framework
Stars: ✭ 982 (+2183.72%)
Mead Baseline
Deep-Learning Model Exploration and Development for NLP
Stars: ✭ 238 (+453.49%)
automatic-personality-prediction
[AAAI 2020] Modeling Personality with Attentive Networks and Contextual Embeddings
Stars: ✭ 43 (+0%)
Mutual labels:  recurrent-neural-networks, rnn
ML2017FALL
Machine Learning (EE 5184) in NTU
Stars: ✭ 66 (+53.49%)
Mutual labels:  rnn, predictive-modeling
EdgarAllanPoetry
Computer-generated poetry
Stars: ✭ 22 (-48.84%)
Mutual labels:  recurrent-neural-networks, 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 (+176.74%)
Mutual labels:  rnn, recurrent-neural-networks
Rnn From Scratch
Use tensorflow's tf.scan to build vanilla, GRU and LSTM RNNs
Stars: ✭ 123 (+186.05%)
Mutual labels:  rnn, recurrent-neural-networks
Iseebetter
iSeeBetter: Spatio-Temporal Video Super Resolution using Recurrent-Generative Back-Projection Networks | Python3 | PyTorch | GANs | CNNs | ResNets | RNNs | Published in Springer Journal of Computational Visual Media, September 2020, Tsinghua University Press
Stars: ✭ 202 (+369.77%)
Mutual labels:  rnn, recurrent-neural-networks
Pytorch Sentiment Neuron
Stars: ✭ 178 (+313.95%)
Mutual labels:  rnn, nlp-machine-learning
Mlr
Machine Learning in R
Stars: ✭ 1,542 (+3486.05%)
Java Deep Learning Cookbook
Code for Java Deep Learning Cookbook
Stars: ✭ 156 (+262.79%)
ACT
Alternative approach for Adaptive Computation Time in TensorFlow
Stars: ✭ 16 (-62.79%)
Mutual labels:  recurrent-neural-networks, rnn
topic modelling financial news
Topic modelling on financial news with Natural Language Processing
Stars: ✭ 51 (+18.6%)
Mutual labels:  tf-idf, nlp-machine-learning
SpeakerDiarization RNN CNN LSTM
Speaker Diarization is the problem of separating speakers in an audio. There could be any number of speakers and final result should state when speaker starts and ends. In this project, we analyze given audio file with 2 channels and 2 speakers (on separate channels).
Stars: ✭ 56 (+30.23%)
Mutual labels:  recurrent-neural-networks, rnn
sequence-rnn-py
Sequence analyzing using Recurrent Neural Networks (RNN) based on Keras
Stars: ✭ 28 (-34.88%)
Mutual labels:  recurrent-neural-networks, rnn
rindow-neuralnetworks
Neural networks library for machine learning on PHP
Stars: ✭ 37 (-13.95%)
Mutual labels:  recurrent-neural-networks, rnn
watchman
Watchman: An open-source social-media event-detection system
Stars: ✭ 18 (-58.14%)
Mutual labels:  social-media, tf-idf
Text Classification Models Pytorch
Implementation of State-of-the-art Text Classification Models in Pytorch
Stars: ✭ 379 (+781.4%)
Tensorflow Tutorial
Tensorflow tutorial from basic to hard, 莫烦Python 中文AI教学
Stars: ✭ 4,122 (+9486.05%)
Mutual labels:  classification, rnn
Tensorflow cookbook
Code for Tensorflow Machine Learning Cookbook
Stars: ✭ 5,984 (+13816.28%)
Mutual labels:  classification, rnn
Codesearchnet
Datasets, tools, and benchmarks for representation learning of code.
Stars: ✭ 1,378 (+3104.65%)
Mutual labels:  rnn, nlp-machine-learning
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (+125.58%)
Mutual labels:  rnn, recurrent-neural-networks
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 (+4776.74%)
Mutual labels:  rnn, recurrent-neural-networks
Pytorch Pos Tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Stars: ✭ 96 (+123.26%)
Mutual labels:  rnn, recurrent-neural-networks
Theano Kaldi Rnn
THEANO-KALDI-RNNs is a project implementing various Recurrent Neural Networks (RNNs) for RNN-HMM speech recognition. The Theano Code is coupled with the Kaldi decoder.
Stars: ✭ 31 (-27.91%)
Mutual labels:  rnn, recurrent-neural-networks
Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (+353.49%)
Mutual labels:  rnn, recurrent-neural-networks
Natural Language Processing With Tensorflow
Natural Language Processing with TensorFlow, published by Packt
Stars: ✭ 222 (+416.28%)
Mutual labels:  rnn, nlp-machine-learning
Easyesn
Python library for Reservoir Computing using Echo State Networks
Stars: ✭ 93 (+116.28%)
Mutual labels:  rnn, recurrent-neural-networks
Malware Classification
Towards Building an Intelligent Anti-Malware System: A Deep Learning Approach using Support Vector Machine for Malware Classification
Stars: ✭ 88 (+104.65%)
Stringlifier
Stringlifier is on Opensource ML Library for detecting random strings in raw text. It can be used in sanitising logs, detecting accidentally exposed credentials and as a pre-processing step in unsupervised ML-based analysis of application text data.
Stars: ✭ 85 (+97.67%)
Mutual labels:  classification, tf-idf
Lstm Music Genre Classification
Music genre classification with LSTM Recurrent Neural Nets in Keras & PyTorch
Stars: ✭ 166 (+286.05%)
Mutual labels:  classification, rnn
Machine Learning
My Attempt(s) In The World Of ML/DL....
Stars: ✭ 78 (+81.4%)
Mutual labels:  classification, rnn
presidential-rnn
Project 4 for Metis bootcamp. Objective was generation of character-level RNN trained on Donald Trump's statements using Keras. Also generated Markov chains, and quick pyTorch RNN as baseline. Attempted semi-supervised GAN, but was unable to test in time.
Stars: ✭ 26 (-39.53%)
Mutual labels:  rnn, nlp-machine-learning
danifojo-2018-repeatrnn
Comparing Fixed and Adaptive Computation Time for Recurrent Neural Networks
Stars: ✭ 32 (-25.58%)
Mutual labels:  recurrent-neural-networks, rnn
Codegan
[Deprecated] Source Code Generation using Sequence Generative Adversarial Networks
Stars: ✭ 73 (+69.77%)
Mutual labels:  rnn, recurrent-neural-networks
datastories-semeval2017-task6
Deep-learning model presented in "DataStories at SemEval-2017 Task 6: Siamese LSTM with Attention for Humorous Text Comparison".
Stars: ✭ 20 (-53.49%)
solar-forecasting-RNN
Multi-time-horizon solar forecasting using recurrent neural network
Stars: ✭ 29 (-32.56%)
Mutual labels:  rnn, predictive-modeling
dl-relu
Deep Learning using Rectified Linear Units (ReLU)
Stars: ✭ 20 (-53.49%)
VariationalNeuralAnnealing
A variational implementation of classical and quantum annealing using recurrent neural networks for the purpose of solving optimization problems.
Stars: ✭ 21 (-51.16%)
Mutual labels:  recurrent-neural-networks, rnn
tiny-rnn
Lightweight C++11 library for building deep recurrent neural networks
Stars: ✭ 41 (-4.65%)
Mutual labels:  recurrent-neural-networks, rnn
python-machine-learning-book-2nd-edition
<머신러닝 교과서 with 파이썬, 사이킷런, 텐서플로>의 코드 저장소
Stars: ✭ 60 (+39.53%)
Mutual labels:  recurrent-neural-networks, rnn
sgrnn
Tensorflow implementation of Synthetic Gradient for RNN (LSTM)
Stars: ✭ 40 (-6.98%)
Mutual labels:  recurrent-neural-networks, rnn
embeddings
Embeddings: State-of-the-art Text Representations for Natural Language Processing tasks, an initial version of library focus on the Polish Language
Stars: ✭ 27 (-37.21%)
Eda nlp
Data augmentation for NLP, presented at EMNLP 2019
Stars: ✭ 902 (+1997.67%)
Mutual labels:  classification, rnn
Text Classification Cnn Rnn
CNN-RNN中文文本分类,基于TensorFlow
Stars: ✭ 3,613 (+8302.33%)
Mutual labels:  classification, rnn
Tensorflow Char Rnn
Char-RNN implemented using TensorFlow.
Stars: ✭ 429 (+897.67%)
Mutual labels:  rnn, recurrent-neural-networks
Rnnsharp
RNNSharp is a toolkit of deep recurrent neural network which is widely used for many different kinds of tasks, such as sequence labeling, sequence-to-sequence and so on. It's written by C# language and based on .NET framework 4.6 or above versions. RNNSharp supports many different types of networks, such as forward and bi-directional network, sequence-to-sequence network, and different types of layers, such as LSTM, Softmax, sampled Softmax and others.
Stars: ✭ 277 (+544.19%)
Mutual labels:  rnn, recurrent-neural-networks
Deepseqslam
The Official Deep Learning Framework for Route-based Place Recognition
Stars: ✭ 49 (+13.95%)
Mutual labels:  rnn, recurrent-neural-networks
Bitcoin Price Prediction Using Lstm
Bitcoin price Prediction ( Time Series ) using LSTM Recurrent neural network
Stars: ✭ 67 (+55.81%)
Mutual labels:  rnn, recurrent-neural-networks
cnn-rnn-classifier
A practical example on how to combine both a CNN and a RNN to classify images.
Stars: ✭ 47 (+9.3%)
Mutual labels:  classification, rnn
Lstm Human Activity Recognition
Human Activity Recognition example using TensorFlow on smartphone sensors dataset and an LSTM RNN. Classifying the type of movement amongst six activity categories - Guillaume Chevalier
Stars: ✭ 2,943 (+6744.19%)
Mutual labels:  rnn, recurrent-neural-networks
Jd Prediction
京东JData算法大赛-高潜用户购买意向预测
Stars: ✭ 18 (-58.14%)
Mutual labels:  rnn, predictive-modeling
Deep Music Genre Classification
🎵 Using Deep Learning to Categorize Music as Time Progresses Through Spectrogram Analysis
Stars: ✭ 23 (-46.51%)
Mutual labels:  classification, rnn
1-60 of 1279 similar projects