All Projects → SenticNet → Personality Detection

SenticNet / Personality Detection

Licence: mit
Implementation of a hierarchical CNN based model to detect Big Five personality traits

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Personality Detection

Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (-71.3%)
Mutual labels:  convolutional-neural-networks, cnn, lstm, lstm-neural-networks
Thesemicolon
This repository contains Ipython notebooks and datasets for the data analytics youtube tutorials on The Semicolon.
Stars: ✭ 345 (+2.07%)
Mutual labels:  convolutional-neural-networks, lstm, sentiment-analysis, cnn-keras
Deepseqslam
The Official Deep Learning Framework for Route-based Place Recognition
Stars: ✭ 49 (-85.5%)
Mutual labels:  convolutional-neural-networks, cnn, lstm
Image Captioning
Image Captioning: Implementing the Neural Image Caption Generator with python
Stars: ✭ 52 (-84.62%)
Mutual labels:  convolutional-neural-networks, lstm, lstm-neural-networks
Context
ConText v4: Neural networks for text categorization
Stars: ✭ 120 (-64.5%)
Mutual labels:  convolutional-neural-networks, lstm, sentiment-analysis
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+849.41%)
Mutual labels:  cnn, lstm, sentiment-analysis
Yann
This toolbox is support material for the book on CNN (http://www.convolution.network).
Stars: ✭ 41 (-87.87%)
Mutual labels:  convolutional-neural-networks, cnn, theano
Cs291k
🎭 Sentiment Analysis of Twitter data using combined CNN and LSTM Neural Network models
Stars: ✭ 287 (-15.09%)
Mutual labels:  cnn, lstm, sentiment-analysis
Twitter Sentiment Analysis
Sentiment analysis on tweets using Naive Bayes, SVM, CNN, LSTM, etc.
Stars: ✭ 978 (+189.35%)
Mutual labels:  cnn, lstm, sentiment-analysis
Pytorch convlstm
convolutional lstm implementation in pytorch
Stars: ✭ 126 (-62.72%)
Mutual labels:  convolutional-neural-networks, cnn, lstm
Hyperdensenet
This repository contains the code of HyperDenseNet, a hyper-densely connected CNN to segment medical images in multi-modal image scenarios.
Stars: ✭ 124 (-63.31%)
Mutual labels:  convolutional-neural-networks, cnn, theano
Image Caption Generator
A neural network to generate captions for an image using CNN and RNN with BEAM Search.
Stars: ✭ 126 (-62.72%)
Mutual labels:  convolutional-neural-networks, lstm, cnn-keras
Cnn Text Classification Keras
Text Classification by Convolutional Neural Network in Keras
Stars: ✭ 213 (-36.98%)
Mutual labels:  cnn, sentiment-analysis, theano
Screenshot To Code
A neural network that transforms a design mock-up into a static website.
Stars: ✭ 13,561 (+3912.13%)
Mutual labels:  cnn, lstm, cnn-keras
Cnn lstm for text classify
CNN, LSTM, NBOW, fasttext 中文文本分类
Stars: ✭ 90 (-73.37%)
Mutual labels:  cnn, lstm, lstm-neural-networks
Image Caption Generator
[DEPRECATED] A Neural Network based generative model for captioning images using Tensorflow
Stars: ✭ 141 (-58.28%)
Mutual labels:  convolutional-neural-networks, lstm, lstm-neural-networks
Rnn Theano
使用Theano实现的一些RNN代码,包括最基本的RNN,LSTM,以及部分Attention模型,如论文MLSTM等
Stars: ✭ 31 (-90.83%)
Mutual labels:  cnn, lstm, theano
Neural Networks
All about Neural Networks!
Stars: ✭ 34 (-89.94%)
Mutual labels:  cnn, lstm, sentiment-analysis
Keras transfer cifar10
Object classification with CIFAR-10 using transfer learning
Stars: ✭ 120 (-64.5%)
Mutual labels:  convolutional-neural-networks, cnn, cnn-keras
Image classifier
CNN image classifier implemented in Keras Notebook 🖼️.
Stars: ✭ 139 (-58.88%)
Mutual labels:  convolutional-neural-networks, cnn, cnn-keras

Deep Learning-Based Document Modeling for Personality Detection from Text

This code implements the model discussed in Deep Learning-Based Document Modeling for Personality Detection from Text for detection of Big-Five personality traits, namely:

  • Extroversion
  • Neuroticism
  • Agreeableness
  • Conscientiousness
  • Openness

Requirements

Preprocessing

process_data.py prepares the data for training. It requires three command-line arguments:

  1. Path to google word2vec file (GoogleNews-vectors-negative300.bin)
  2. Path to essays.csv file containing the annotated dataset
  3. Path to mairesse.csv containing Mairesse features for each sample/essay

This code generates a pickle file essays_mairesse.p.

Example:

python process_data.py ./GoogleNews-vectors-negative300.bin ./essays.csv ./mairesse.csv

Training

conv_net_train.py trains and tests the model. It requires three command-line arguments:

  1. Mode:
    • -static: word embeddings will remain fixed
    • -nonstatic: word embeddings will be trained
  2. Word Embedding Type:
    • -rand: randomized word embedding (dimension is 300 by default; is hardcoded; can be changed by modifying default value of k in line 111 of process_data.py)
    • -word2vec: 300 dimensional google pre-trained word embeddings
  3. Personality Trait:
    • 0: Extroversion
    • 1: Neuroticism
    • 2: Agreeableness
    • 3: Conscientiousness
    • 4: Openness

Example:

python conv_layer_train.py -static -word2vec 2

Citation

If you use this code in your work then please cite the paper - Deep Learning-Based Document Modeling for Personality Detection from Text with the following:

@ARTICLE{7887639, 
 author={N. Majumder and S. Poria and A. Gelbukh and E. Cambria}, 
 journal={IEEE Intelligent Systems}, 
 title={{Deep} Learning-Based Document Modeling for Personality Detection from Text}, 
 year={2017}, 
 volume={32}, 
 number={2}, 
 pages={74-79}, 
 keywords={feedforward neural nets;information filtering;learning (artificial intelligence);pattern classification;text analysis;Big Five traits;author personality type;author psychological profile;binary classifier training;deep convolutional neural network;deep learning based method;deep learning-based document modeling;document vector;document-level Mairesse features;emotionally neutral input sentence filtering;identical architecture;personality detection;text;Artificial intelligence;Computational modeling;Emotion recognition;Feature extraction;Neural networks;Pragmatics;Semantics;artificial intelligence;convolutional neural network;distributional semantics;intelligent systems;natural language processing;neural-based document modeling;personality}, 
 doi={10.1109/MIS.2017.23}, 
 ISSN={1541-1672}, 
 month={Mar},}
Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].