All Projects → Hanszhuang → yunyi

Hanszhuang / yunyi

Licence: other
2018“云移杯- 景区口碑评价分值预测

Programming Languages

Jupyter Notebook
11667 projects

Projects that are alternatives of or similar to yunyi

Text Classification Cnn Rnn
CNN-RNN中文文本分类,基于TensorFlow
Stars: ✭ 3,613 (+12358.62%)
Mutual labels:  text-classification, rnn
ML2017FALL
Machine Learning (EE 5184) in NTU
Stars: ✭ 66 (+127.59%)
Mutual labels:  text-classification, rnn
automatic-personality-prediction
[AAAI 2020] Modeling Personality with Attentive Networks and Contextual Embeddings
Stars: ✭ 43 (+48.28%)
Mutual labels:  text-classification, rnn
Pytorch Rnn Text Classification
Word Embedding + LSTM + FC
Stars: ✭ 112 (+286.21%)
Mutual labels:  text-classification, rnn
Tf Rnn Attention
Tensorflow implementation of attention mechanism for text classification tasks.
Stars: ✭ 735 (+2434.48%)
Mutual labels:  text-classification, rnn
Rmdl
RMDL: Random Multimodel Deep Learning for Classification
Stars: ✭ 375 (+1193.1%)
Mutual labels:  text-classification, rnn
medical-diagnosis-cnn-rnn-rcnn
分别使用rnn/cnn/rcnn来实现根据患者描述,进行疾病诊断
Stars: ✭ 39 (+34.48%)
Mutual labels:  text-classification, rnn
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 (+1865.52%)
Mutual labels:  text-classification, rnn
Eda nlp
Data augmentation for NLP, presented at EMNLP 2019
Stars: ✭ 902 (+3010.34%)
Mutual labels:  text-classification, rnn
Customer-Feedback-Analysis
Multi Class Text (Feedback) Classification using CNN, GRU Network and pre trained Word2Vec embedding, word embeddings on TensorFlow.
Stars: ✭ 18 (-37.93%)
Mutual labels:  text-classification, rnn
ML4K-AI-Extension
Use machine learning in AppInventor, with easy training using text, images, or numbers through the Machine Learning for Kids website.
Stars: ✭ 18 (-37.93%)
Mutual labels:  text-classification
Deep-Learning-Coursera
Projects from the Deep Learning Specialization from deeplearning.ai provided by Coursera
Stars: ✭ 123 (+324.14%)
Mutual labels:  rnn
FNet-pytorch
Unofficial implementation of Google's FNet: Mixing Tokens with Fourier Transforms
Stars: ✭ 204 (+603.45%)
Mutual labels:  text-classification
Pytorch-NLU
Pytorch-NLU,一个中文文本分类、序列标注工具包,支持中文长文本、短文本的多类、多标签分类任务,支持中文命名实体识别、词性标注、分词等序列标注任务。 Ptorch NLU, a Chinese text classification and sequence annotation toolkit, supports multi class and multi label classification tasks of Chinese long text and short text, and supports sequence annotation tasks such as Chinese named entity recognition, part of speech ta…
Stars: ✭ 151 (+420.69%)
Mutual labels:  text-classification
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 (+93.1%)
Mutual labels:  rnn
lstm-electric-load-forecast
Electric load forecast using Long-Short-Term-Memory (LSTM) recurrent neural network
Stars: ✭ 56 (+93.1%)
Mutual labels:  rnn
air writing
Online Hand Writing Recognition using BLSTM
Stars: ✭ 26 (-10.34%)
Mutual labels:  rnn
modules
The official repository for our paper "Are Neural Nets Modular? Inspecting Functional Modularity Through Differentiable Weight Masks". We develop a method for analyzing emerging functional modularity in neural networks based on differentiable weight masks and use it to point out important issues in current-day neural networks.
Stars: ✭ 25 (-13.79%)
Mutual labels:  rnn
ml-with-text
[Tutorial] Demystifying Natural Language Processing with Python
Stars: ✭ 18 (-37.93%)
Mutual labels:  text-classification
ganbert-pytorch
Enhancing the BERT training with Semi-supervised Generative Adversarial Networks in Pytorch/HuggingFace
Stars: ✭ 60 (+106.9%)
Mutual labels:  text-classification

DF 云移杯景区口碑

nlp 新人

为大家提供思路,不定期更新~~~

环境

  1. python2
  2. keras 2.1.2
  3. jieba 0.39
  4. tensorflow-gpu 1.4.1

更新

  1. 2018-02-08 baseline cnn 版本 线上0.500左右 ,调参可到0.502

  2. 2018-02-08 增加 rnn,cnn_rnn 模型,线上0.504~0.506

  3. 2018-02-08 经过群上的大佬们指点,之前的找的停用词有点问题,换成 @Yin叔 提供的版本,感谢 @Yin叔

  4. 2018-03-10 如果是python3 将 splitWord 中result 的 encode('utf-8')去掉,代码即可运行

score 线上线下不一致,但是loss 貌似还算一致,线下loss有降低,线上metric有提高,故 earlystop 看val_loss
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].