-
baby-llama2-chinese Public
Forked from DLLXW/baby-llama2-chinese用于从头预训练+SFT一个小参数量的中文LLaMa2的仓库;24G单卡即可运行得到一个具备简单中文问答能力的chat-llama2.
Python MIT License UpdatedSep 13, 2023 -
DeepIE Public
Forked from loujie0822/DeepIEDeepIE: Deep Learning for Information Extraction
Python UpdatedDec 9, 2022 -
funNLP Public
Forked from fighting41love/funNLP中英文敏感词、语言检测、中外手机/电话归属地/运营商查询、名字推断性别、手机号抽取、身份证抽取、邮箱抽取、中日文人名库、中文缩写库、拆字词典、词汇情感值、停用词、反动词表、暴恐词表、繁简体转换、英文模拟中文发音、汪峰歌词生成器、职业名称词库、同义词库、反义词库、否定词库、汽车品牌词库、汽车零件词库、连续英文切割、各种中文词向量、公司名字大全、古诗词库、IT词库、财经词库、成语词库、地名词库、…
Python UpdatedNov 30, 2022 -
nlp_paper_study Public
Forked from km1994/nlp_paper_study该仓库主要记录 NLP 算法工程师相关的顶会论文研读笔记
C++ UpdatedApr 17, 2022 -
NLP_ability Public
Forked from DA-southampton/NLP_ability总结梳理自然语言处理工程师(NLP)需要积累的各方面知识,包括面试题,各种基础知识,工程能力等等,提升核心竞争力
-
fun-rec Public
Forked from datawhalechina/fun-rec本推荐算法教程主要是针对具有机器学习基础并想找推荐算法岗位的同学,教程由推荐算法基础、推荐算法入门赛、新闻推荐项目及推荐算法面经组成,形成了一个完整的从基础到实战再到面试的闭环。
Python Other UpdatedDec 16, 2021 -
tensorflow_macos Public
Forked from apple/tensorflow_macosTensorFlow for macOS 11.0+ accelerated using Apple's ML Compute framework.
Shell Other UpdatedOct 31, 2021 -
DeepLearning-500-questions Public
Forked from scutan90/DeepLearning-500-questions深度学习500问,以问答形式对常用的概率知识、线性代数、机器学习、深度学习、计算机视觉等热点问题进行阐述,以帮助自己及有需要的读者。 全书分为18个章节,50余万字。由于水平有限,书中不妥之处恳请广大读者批评指正。 未完待续............ 如有意合作,联系[email protected] 版权所有,违权必究 Tan 2018.06
JavaScript GNU General Public License v3.0 UpdatedJul 12, 2021 -
TX-WORD2VEC-SMALL Public
Forked from cliuxinxin/TX-WORD2VEC-SMALL腾讯word2vec模型缩小版
Jupyter Notebook UpdatedApr 20, 2021 -
DDParser Public
Forked from baidu/DDParser百度开源的依存句法分析系统
Python Apache License 2.0 UpdatedDec 11, 2020 -
bert_distill Public
Forked from qiangsiwei/bert_distillBERT distillation(基于BERT的蒸馏实验 )
Python UpdatedJul 30, 2020 -
HanLP Public
Forked from hankcs/HanLP中文分词 词性标注 命名实体识别 依存句法分析 语义依存分析 新词发现 关键词短语提取 自动摘要 文本分类聚类 拼音简繁转换 自然语言处理
Python Apache License 2.0 UpdatedJul 21, 2020 -
xlearn Public
Forked from aksnzhy/xlearnHigh performance, easy-to-use, and scalable machine learning (ML) package, including linear model (LR), factorization machines (FM), and field-aware factorization machines (FFM) for Python and CLI …
C++ Apache License 2.0 UpdatedJul 6, 2020 -
OpenNMT-py Public
Forked from OpenNMT/OpenNMT-pyOpen Source Neural Machine Translation in PyTorch
Python MIT License UpdatedJul 2, 2020 -
-
AiLearning Public
Forked from apachecn/ailearningAiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP
Python GNU General Public License v3.0 UpdatedApr 22, 2020 -
fast-bert Public
Forked from utterworks/fast-bertSuper easy library for BERT based NLP models
Python Apache License 2.0 UpdatedApr 21, 2020 -
Chinese-Names-Corpus Public
Forked from wainshine/Chinese-Names-Corpus中文人名语料库。人名生成器。中文姓名,姓氏,名字,称呼,日本人名,翻译人名,英文人名。可用于中文分词、人名实体识别。
Apache License 2.0 UpdatedMar 30, 2020 -
textpipe Public
Forked from textpipe/textpipeTextpipe: clean and extract metadata from text
Python MIT License UpdatedMar 23, 2020 -
bert-as-service Public
Forked from jina-ai/clip-as-serviceMapping a variable-length sentence to a fixed-length vector using BERT model
Python MIT License UpdatedMar 13, 2020 -
PaddleHub Public
Forked from PaddlePaddle/PaddleHubA toolkit for managing pretrained models of PaddlePaddle and helping user getting started with transfer learning more efficiently. (『飞桨』预训练模型管理和迁移学习工具 )
Python Apache License 2.0 UpdatedMar 6, 2020 -
Bert-Multi-Label-Text-Classification Public
Forked from lonePatient/Bert-Multi-Label-Text-ClassificationThis repo contains a PyTorch implementation of a pretrained BERT model for multi-label text classification.
Python MIT License UpdatedMar 2, 2020 -
transformers Public
Forked from huggingface/transformers🤗 Transformers: State-of-the-art Natural Language Processing for TensorFlow 2.0 and PyTorch.
Python Apache License 2.0 UpdatedFeb 26, 2020 -
alibabacloud-aiacc-demo Public
Forked from aliyun/alibabacloud-aiacc-demoalibabacloud-aiacc-demo
Python Apache License 2.0 UpdatedFeb 14, 2020 -
Bert-Chinese-Text-Classification-Pytorch Public
Forked from 649453932/Bert-Chinese-Text-Classification-Pytorch使用Bert,ERNIE,进行中文文本分类
Python MIT License UpdatedDec 26, 2019 -
bert-multi-gpu Public
Forked from haoyuhu/bert-multi-gpuFeel free to fine tune large BERT models with Multi-GPU and FP16 support.
Python Apache License 2.0 UpdatedDec 16, 2019 -
pkuseg-python Public
Forked from lancopku/pkuseg-pythonpkuseg多领域中文分词工具; The pkuseg toolkit for multi-domain Chinese word segmentation
Python MIT License UpdatedNov 25, 2019 -
xlnet Public
Forked from zihangdai/xlnetXLNet: Generalized Autoregressive Pretraining for Language Understanding
Python Apache License 2.0 UpdatedNov 21, 2019 -
bert Public
Forked from google-research/bertTensorFlow code and pre-trained models for BERT
Python Apache License 2.0 UpdatedOct 29, 2019 -
bert-utils Public
Forked from terrifyzhao/bert-utils一行代码使用BERT生成句向量,BERT做文本分类、文本相似度计算
Python Apache License 2.0 UpdatedOct 14, 2019