第三名:

https://www.kaggle.com/wowfattie/3rd-place

用到了词向量的拼写检查:

https://www.kaggle.com/cpmpml/spell-checker-using-word2vec


第四名:

https://www.kaggle.com/tks0123456789/pme-ema-6-x-8-pochs

还没仔细看


第13名:

https://www.kaggle.com/canming/ensemble-mean-iii-64-36

词向量的权重:

 np.mean((1.28*embedding_matrix_1, 0.72*embedding_matrix_3), axis=0)

不同的模型:

poolRNN(spatialdropout=0.2, gru_units=128, weight_decay=0.04):
 LSTM_GRU(spatialdropout=0.20, rnn_units=64, weight_decay=0.07)
BiLSTM_CNN(spatialdropout=0.2, rnn_units=128, filters=[100, 80, 30, 12], weight_decay=0.10)
singleRNN(spatialdropout=0.20, rnn_units=120, weight_decay=0.08)
跑三趟,保存每个模型生成的结果疑问:
1、整个kernel 的参数量是很大的,不知道如何调
2、用到了AttentionWeightedAverage(Layer):但是不是很清楚怎么控制权重的大小,衰减率怎么选择

第十五名:
https://www.kaggle.com/c/quora-insincere-questions-classification/discussion/80540

the first model is RCNN.
the second model is LSTM(128) + GRU(96) + maxpooling1D + dropout(0.1).
the third model is LSTM(128) + GRU(64) + Conv1D + maxpooling_concatenate.
the fourth model is LSTM(128) + GRU(64) + Conv1D + Attention.

we used the word vector concatenated by glove and fasttext.
we set maxfeatures = None and we set maxlen = 57.

主要集中模型融合上.

第十八名:
https://www.kaggle.com/kentaronakanishi/18th-place-solution
每个epoch逐渐增大batch_size

第20名:
https://www.kaggle.com/jihangz/lt-conc-g-f-lg-mean-g-p-light
loss_fn1 = torch.nn.BCEWithLogitsLoss()
loss_fn2 = f1_loss
 optimizer1 = torch.optim.Adam(model1.parameters(), lr=0.0035)scheduler1 = CosineLRWithRestarts(optimizer1, batch_size, len(x_train_fold), restart_period=4, t_mult=1, verbose=True)optimizer2 = torch.optim.Adam(model2.parameters(), lr=0.0035)scheduler2 = CosineLRWithRestarts(optimizer2, batch_size, len(x_train_fold), restart_period=4, t_mult=1, verbose=True)
两个模型用的两个损失函数, 使用mixed loss(BCE+F1 loss)优化网络

第22名:
使用词性标记来消除单词的歧义问题
https://www.kaggle.com/ryches/22nd-place-solution-6-models-pos-taggingThese choices actually seemed to make some sense given that we have a CNN model,our strongest LSTM/GRU models, use our strongest embedding 3 times and
use POS tagging as an augmentor/differentiator to our weaker embeddings.思路:So the embedding matrix with pos tags will different without pos tags.

第27名:
https://www.kaggle.com/dicksonchin93/kfold-tfidf-trial其中一个模型使用了tf-idf作为训练特征

第29名:
https://www.kaggle.com/luudactam/final-sub
 neg1, neg2 = train_test_split(negative, test_size = 0.5, random_state = C*100)df1, df2 = pd.concat([neg1,positive], ignore_index=True), pd.concat([neg2,positive], ignore_index=True)
对positive 的样本进行过采样,然后训练疑问:试过对0做过采样,为什么自己的不work

第79名:(我自己的)https://www.kaggle.com/c/quora-insincere-questions-classification/discussion/79414

这个discussion里面说到了quroa里面存在了很多关于性别和种族的误分类样本,本人去到数据集检查也发现了确实如此:

  • girls hate me , but they hate me even more when boys are around me , what do i do ?
    are muslims doing love jihad sex pervert ?
  • will sociopaths have sex with women who are unattractive ?
  • why do so many quora readers seem to be ignorant of web searching for answers ?
  • how can a man with an md and a phd be mean to his patients and assault them for being transgender ?
  • what percentage of the anti - trumpers here are russian bots ?
  • are women attracted to men 's anus ?
  • are [unk] stupid ?

这些设计性别和种族的句子,大都有主观因素存在,这也是标签存在噪声的一大根本原因。

'insincere' thredshold 可能会根绝这些分类改变。所以我觉得应该用一个特征去表示这个分类的句子【0,1】。

kaggle Quora Insincere Questions 总结相关推荐

  1. R使用LSTM模型构建深度学习文本分类模型(Quora Insincere Questions Classification)

    R使用LSTM模型构建深度学习文本分类模型(Quora Insincere Questions Classification) Long Short Term 网络-- 一般就叫做 LSTM --是一 ...

  2. 【第一次参加kaggle比赛记录-Quora Insincere Questions Classification】- Word Embedding

    In summary, word embeddings are a representation of the *semantics* of a word, efficiently encoding ...

  3. Quora Insincere Questions Classification 文本分类归纳

    文章目录 [1st place 解决方案](https://www.kaggle.com/c/quora-insincere-questions-classification/discussion/8 ...

  4. kaggle竞赛 | Quora Insincere Question | 文本情感分析

    目录 赛题背景 赛题评价指标 数据集分析 pytorch建模 之前发布了一遍实战类的情感分析的文章,包括微博爬虫,数据分析,相关模型. 可以参考: https://blog.csdn.net/liji ...

  5. kaggle: quora question pairs

    今天看了kaggle竞赛:quora question pairs的一个解决方案,受益匪浅,在此记录一下作者的解题思路. 一.quora question pairs简介 首先,介绍一下quora q ...

  6. Kaggle-Quora Insincere Questions Classification-Solution

    寒假期间参加了Kaggle的一个比赛-QIQC,作为第一个认真参加的Kaggle比赛,最后银牌,感谢啸宇哥的帮助. 比赛链接:https://www.kaggle.com/c/quora-insinc ...

  7. 数据科学/人工智能比赛解决方案汇总 2019.9

    内容来自 apachecn/awesome-data-comp-solution,由 ApacheCN 团队维护. 欢迎任何人参与和完善:一个人可以走的很快,但是一群人却可以走的更远 ApacheCN ...

  8. 2019数据科学/人工智能比赛作品解决方案合集

    目录 1. Structured Data/ Time Series 2019 CCF 乘用车细分市场销量预测 2019 CCF 离散制造过程中典型工件的质量符合率预测 2018 科大讯飞 AI 营销 ...

  9. NLP小白的Kaggle一轮游总结

    博主大三,一月中旬期末考试结束之后都放在这个比赛上面了--Quora Insincere Questions Classification. 大半个月过来,做了很多尝试,线下成绩提高了不少,线上LB的 ...

最新文章

  1. ODS DWD DWS ADS 数仓分层
  2. nema gps数据转换 matlab,GPS通信的NEMA协议与定位数据的提取.pdf
  3. 百度家电行业报告摘录
  4. css3---( 框架)
  5. js list 合并_VIM学习笔记 脚本-列表(Script-List)
  6. 阿里云Linux服务器Tomcat9.0的安装及配置
  7. SecureCRT的logon action登录跳转设置
  8. 企业如何高效用云?| 资深运维架构师细说云架构下的运维体系构建
  9. SM2算法第十篇:数字证书及CA的扫盲介绍
  10. iOS 友盟分享总结
  11. Frsky X9D Plus遥控器和 Frisky R8 Pro接收机对频
  12. R语言学习(五)——聚类分析
  13. 【Windows安装RabbitMQ详细教程】
  14. base64图片上传解析不了问题
  15. HTML5三屏合一的架构设计
  16. 原始LBP/Uniform LBP编程实现与直方图
  17. 科技人文丨爱上陌生人的36个问题
  18. 2022宁波市第五届网络安全大赛(训练赛Misc部分)
  19. python 日历壁纸_Excel+Python=精美DIY壁纸日历
  20. eclipse语言切换

热门文章

  1. 顺序表SeqList的各种操作
  2. java节假日 调休的代码,java 获取n个工作日后的日期(包含法定节假日、双休日、节后补班)...
  3. 倒计时案例(时间戳)
  4. Shell数学计算(算术运算,加减乘除运算)
  5. 怎么一键发布 Web 墨卡托投影坐标系的卫星地图
  6. 上海奥运冠军获免费医保 刘翔终身免费看病
  7. python 桌面备忘录_Python数据科学备忘单
  8. 【计算几何】无线电测向【SGOI-2】…
  9. 5分钟上手视频压缩神器:HandBrake
  10. AI创业者如何成为风口上独角兽