All Projects → chaitjo → character-level-cnn

chaitjo / character-level-cnn

Licence: other
Keras implementation of Character-level CNN for Text Classification

Projects that are alternatives of or similar to character-level-cnn

Deep-Learning-for-Human-Activity-Recognition
Keras implementation of CNN, DeepConvLSTM, and SDAE and LightGBM for sensor-based Human Activity Recognition (HAR).
Stars: ✭ 48 (-14.29%)
Mutual labels:  convolutional-neural-network
text analysis tools
中文文本分析工具包(包括- 文本分类 - 文本聚类 - 文本相似性 - 关键词抽取 - 关键短语抽取 - 情感分析 - 文本纠错 - 文本摘要 - 主题关键词-同义词、近义词-事件三元组抽取)
Stars: ✭ 410 (+632.14%)
Mutual labels:  text-classification
BERT-chinese-text-classification-pytorch
This repo contains a PyTorch implementation of a pretrained BERT model for text classification.
Stars: ✭ 92 (+64.29%)
Mutual labels:  text-classification
bns-short-text-similarity
📖 Use Bi-normal Separation to find document vectors which is used to compute similarity for shorter sentences.
Stars: ✭ 24 (-57.14%)
Mutual labels:  text-classification
ERNIE-text-classification-pytorch
This repo contains a PyTorch implementation of a pretrained ERNIE model for text classification.
Stars: ✭ 49 (-12.5%)
Mutual labels:  text-classification
ulm-basenet
Implementation of ULMFit algorithm for text classification via transfer learning
Stars: ✭ 94 (+67.86%)
Mutual labels:  text-classification
DeepCrack
DeepCrack: Learning Hierarchical Convolutional Features for Crack Detection
Stars: ✭ 137 (+144.64%)
Mutual labels:  convolutional-neural-network
RE2RNN
Source code for the EMNLP 2020 paper "Cold-Start and Interpretability: Turning Regular Expressions intoTrainable Recurrent Neural Networks"
Stars: ✭ 96 (+71.43%)
Mutual labels:  text-classification
text gcn tutorial
A tutorial & minimal example (8min on CPU) for Graph Convolutional Networks for Text Classification. AAAI 2019
Stars: ✭ 23 (-58.93%)
Mutual labels:  text-classification
NLP Quickbook
NLP in Python with Deep Learning
Stars: ✭ 516 (+821.43%)
Mutual labels:  text-classification
Text-Classification-PyTorch
Implementation of papers for text classification task on SST-1/SST-2
Stars: ✭ 57 (+1.79%)
Mutual labels:  text-classification
Text-Classification-LSTMs-PyTorch
The aim of this repository is to show a baseline model for text classification by implementing a LSTM-based model coded in PyTorch. In order to provide a better understanding of the model, it will be used a Tweets dataset provided by Kaggle.
Stars: ✭ 45 (-19.64%)
Mutual labels:  text-classification
transfer-learning-text-tf
Tensorflow implementation of Semi-supervised Sequence Learning (https://arxiv.org/abs/1511.01432)
Stars: ✭ 82 (+46.43%)
Mutual labels:  text-classification
Subject-and-Sentiment-Analysis
汽车行业用户观点主题及情感识别
Stars: ✭ 24 (-57.14%)
Mutual labels:  text-classification
20-newsgroups text-classification
"20 newsgroups" dataset - Text Classification using Multinomial Naive Bayes in Python.
Stars: ✭ 41 (-26.79%)
Mutual labels:  text-classification
Vaaku2Vec
Language Modeling and Text Classification in Malayalam Language using ULMFiT
Stars: ✭ 68 (+21.43%)
Mutual labels:  text-classification
TextClassification
基于scikit-learn实现对新浪新闻的文本分类,数据集为100w篇文档,总计10类,测试集与训练集1:1划分。分类算法采用SVM和Bayes,其中Bayes作为baseline。
Stars: ✭ 86 (+53.57%)
Mutual labels:  text-classification
pedestrian-detection
Pedestrian Detection using Non Maximum Suppression
Stars: ✭ 30 (-46.43%)
Mutual labels:  convolutional-neural-network
Very-deep-cnn-tensorflow
Very deep CNN for text classification
Stars: ✭ 18 (-67.86%)
Mutual labels:  text-classification
keras-aquarium
a small collection of models implemented in keras, including matrix factorization(recommendation system), topic modeling, text classification, etc. Runs on tensorflow.
Stars: ✭ 14 (-75%)
Mutual labels:  text-classification

Character Level CNNs in Keras

This repository contains Keras implementations for Character-level Convolutional Neural Networks for text classification on AG's News Topic Classification Dataset.

The following models have been implemented:

  1. Xiang Zhang, Junbo Zhao, Yann LeCun. Character-level Convolutional Networks for Text Classification. NIPS 2015
  2. Yoon Kim, Yacine Jernite, David Sontag, Alexander M. Rush. Character-Aware Neural Language Models. AAAI 2016
  3. Shaojie Bai, J. Zico Kolter, Vladlen Koltun. An Empirical Evaluation of Generic Convolutional and Recurrent Networks for Sequence Modeling. ArXiv preprint (2018)

Kim's CharCNN was originally part of an end-to-end trained pipeline for language modelling, but has been adapted for text classification.

Usage

  1. Install dependencies (Tensorflow 1.3 and Keras 2.1.3):
$ pip install -r requirements.txt
  1. Specify the training and testing data sources and model hyperparameters in the config.json file.

  2. Run the main.py file as below:

$ python main.py --model [model_name]

Replace [model_name] with either zhang or kim to run the desired model.

Results

Coming soon.

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].