Pinned Repositories
-Online-Soft-Mining-and-Class-Aware-Attention-Pytorch
(Pytorch and Tensorflow) Implementation of Weighted Contrastive Loss (Deep Metric Learning by Online Soft Mining and Class-Aware Attention)
algorithms_pdf
bert-as-service
Mapping a variable-length sentence to a fixed-length vector using BERT model
BERT-BiLSTM-CRF-NER
Tensorflow solution of NER task Using BiLSTM-CRF model with Google BERT Fine-tuning And private Server services
BERT-chinese-text-classification-and-deployment
简单高效的Bert中文文本分类模型开发和部署,CPU上毫秒级预测
bert-utils
一行代码使用BERT生成句向量,BERT做文本分类、文本相似度计算
bert_serving
export bert model for serving
CDial-GPT
A Large-scale Chinese Short-Text Conversation Dataset and Chinese pre-training dialog models
Chinese-ELECTRA
Pre-trained Chinese ELECTRA(中文ELECTRA预训练模型)
DPCNN
implement DPCNN for text classification
oswen's Repositories
oswen/-Online-Soft-Mining-and-Class-Aware-Attention-Pytorch
(Pytorch and Tensorflow) Implementation of Weighted Contrastive Loss (Deep Metric Learning by Online Soft Mining and Class-Aware Attention)
oswen/algorithms_pdf
oswen/bert-as-service
Mapping a variable-length sentence to a fixed-length vector using BERT model
oswen/BERT-BiLSTM-CRF-NER
Tensorflow solution of NER task Using BiLSTM-CRF model with Google BERT Fine-tuning And private Server services
oswen/BERT-chinese-text-classification-and-deployment
简单高效的Bert中文文本分类模型开发和部署,CPU上毫秒级预测
oswen/bert-utils
一行代码使用BERT生成句向量,BERT做文本分类、文本相似度计算
oswen/bert_serving
export bert model for serving
oswen/CDial-GPT
A Large-scale Chinese Short-Text Conversation Dataset and Chinese pre-training dialog models
oswen/Chinese-ELECTRA
Pre-trained Chinese ELECTRA(中文ELECTRA预训练模型)
oswen/DPCNN
implement DPCNN for text classification
oswen/easypack
oswen/eda_nlp
Code for the ICLR 2019 Workshop paper: Easy data augmentation techniques for boosting performance on text classification tasks.
oswen/funNLP
中英文敏感词、语言检测、中外手机/电话归属地/运营商查询、名字推断性别、手机号抽取、身份证抽取、邮箱抽取、中日文人名库、中文缩写库、拆字词典、词汇情感值、停用词、反动词表、暴恐词表、繁简体转换、英文模拟中文发音、汪峰歌词生成器、职业名称词库、同义词库、反义词库、否定词库、汽车品牌词库、汽车零件词库、连续英文切割、各种中文词向量、公司名字大全、古诗词库、IT词库、财经词库、成语词库、地名词库、历史名人词库、诗词词库、医学词库、饮食词库、法律词库、汽车词库、动物词库、中文聊天语料、中文谣言数据、百度中文问答数据集、句子相似度匹配算法集合、bert资源、文本生成&摘要相关工具、cocoNLP信息抽取工具、国内电话号码正则匹配、清华大学XLORE:中英文跨语言百科知识图谱、清华大学人工智能技术系列报告、自然语言生成、NLU太难了系列、自动对联数据及机器人、用户名黑名单列表、罪名法务名词及分类模型、微信公众号语料、cs224n深度学习自然语言处理课程、中文手写汉字识别、中文自然语言处理 语料/数据集、变量命名神器、分词语料库+代码、任务型对话英文数据集、ASR 语音数据集 + 基于深度学习的中文语音识别系统、笑声检测器、Microsoft多语言数字/单位/如日期时间识别包、中华新华字典数据库及api(包括常用歇后语、成语、词语和汉字)、文档图谱自动生成、SpaCy 中文模型、Common Voice语音识别数据集新版、神经网络关系抽取、基于bert的命名实体识别、关键词(Keyphrase)抽取包pke、基于医疗领域知识图谱的问答系统、基于依存句法与语义角色标注的事件三元组抽取、依存句法分析4万句高质量标注数据、cnocr:用来做中文OCR的Python3包、中文人物关系知识图谱项目、中文nlp竞赛项目及代码汇总、中文字符数据、speech-aligner: 从“人声语音”及其“语言文本”产生音素级别时间对齐标注的工具、AmpliGraph: 知识图谱表示学习(Python)库:知识图谱概念链接预测、Scattertext 文本可视化(python)、语言/知识表示工具:BERT & ERNIE、中文对比英文自然语言处理NLP的区别综述、Synonyms中文近义词工具包、HarvestText领域自适应文本挖掘工具(新词发现-情感分析-实体链接等)、word2word:(Python)方便易用的多语言词-词对集:62种语言/3,564个多语言对、语音识别语料生成工具:从具有音频/字幕的在线视频创建自动语音识别(ASR)语料库。
oswen/GHM_Loss
The tensorflow implementation of GHM loss include class loss and regression loss. GHM loss is peoposed in "Gradient Harmonized Single-stage Detector" published on AAAI 2019 (Oral).
oswen/learning_ML
Learning deep learning models
oswen/machine-learning-for-software-engineers
A complete daily plan for studying to become a machine learning engineer.
oswen/milvus
Milvus is an open source vector similarity search engine.
oswen/MTL-Homoscedastic-Uncertainty
Multi Task Learning Implementation with Homoscedastic Uncertainty in Tensorflow
oswen/NLP_ability
总结梳理自然语言处理工程师(NLP)需要积累的各方面知识,包括各种面试题,基础知识,工程能力等等,提升核心竞争力
oswen/OpenArkCompiler
方舟编译器源代码(网传)
oswen/papers-about-ML
oswen/PolyEncoder
An unofficial implementation of Poly-encoder (Poly-encoders: Transformer Architectures and Pre-training Strategies for Fast and Accurate Multi-sentence Scoring)
oswen/pytorch-handbook
pytorch handbook是一本开源的书籍,目标是帮助那些希望和使用PyTorch进行深度学习开发和研究的朋友快速入门,其中包含的Pytorch教程全部通过测试保证可以成功运行
oswen/Qix
Machine Learning、Deep Learning、PostgreSQL、Distributed System、Node.Js、Golang
oswen/scikit-kge
Python library to compute knowledge graph embeddings
oswen/serving
A flexible, high-performance serving system for machine learning models
oswen/sword-for-offer
使用Python3用优雅的方式实现《剑指Offer》中的题目。
oswen/tensorflow-onnx
Convert TensorFlow, Keras, Tensorflow.js and Tflite models to ONNX
oswen/unilm
UniLM - Unified Language Model Pre-training / Pre-training for NLP and Beyond
oswen/unilm-1
chinese pretrain unilm