ChengjinLi's Stars
huggingface/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
pytorch/pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
google-research/bert
TensorFlow code and pre-trained models for BERT
facebookresearch/faiss
A library for efficient similarity search and clustering of dense vectors.
zergtant/pytorch-handbook
pytorch handbook是一本开源的书籍,目标是帮助那些希望和使用PyTorch进行深度学习开发和研究的朋友快速入门,其中包含的Pytorch教程全部通过测试保证可以成功运行
microsoft/LightGBM
A fast, distributed, high performance gradient boosting (GBT, GBDT, GBRT, GBM or MART) framework based on decision tree algorithms, used for ranking, classification and many other machine learning tasks.
NVIDIA/TensorRT
NVIDIA® TensorRT™ is an SDK for high-performance deep learning inference on NVIDIA GPUs. This repository contains the open source components of TensorRT.
ymcui/Chinese-BERT-wwm
Pre-Training with Whole Word Masking for Chinese BERT(中文BERT-wwm系列模型)
DA-southampton/NLP_ability
总结梳理自然语言处理工程师(NLP)需要积累的各方面知识,包括面试题,各种基础知识,工程能力等等,提升核心竞争力
MaartenGr/KeyBERT
Minimal keyword extraction with BERT
google-research/albert
ALBERT: A Lite BERT for Self-supervised Learning of Language Representations
ChineseGLUE/ChineseGLUE
Language Understanding Evaluation benchmark for Chinese: datasets, baselines, pre-trained models,corpus and leaderboard
zhougr1993/DeepInterestNetwork
boudinfl/pke
Python Keyphrase Extraction module
mouna99/dien
AimeeLee77/keyword_extraction
利用Python实现中文文本关键词抽取,分别采用TF-IDF、TextRank、Word2Vec词聚类三种方法。
aneesha/RAKE
A python implementation of the Rapid Automatic Keyword Extraction
DA-southampton/Read_Bert_Code
Bert源码阅读与讲解(Pytorch版本)-以BERT文本分类代码为例子
dongrixinyu/chinese_keyphrase_extractor
An off-the-shelf tool for Chinese Keyphrase Extraction 一个快速从中文里抽取关键短语的工具,仅占35M内存 www.jionlp.com
swisscom/ai-research-keyphrase-extraction
EmbedRank: Unsupervised Keyphrase Extraction using Sentence Embeddings (official implementation)
sunyilgdx/SIFRank_zh
Keyphrase or Keyword Extraction 基于预训练模型的中文关键词抽取方法(论文SIFRank: A New Baseline for Unsupervised Keyphrase Extraction Based on Pre-trained Language Model 的中文版代码)
AdeDZY/DeepCT
DeepCT and HDCT uses BERT to generate novel, context-aware bag-of-words term weights for documents and queries.
bigzhao/Keyword_Extraction
神策杯2018高校算法大师赛(中文关键词提取)第二名代码方案
DataTerminatorX/Keyword-BERT
ibatra/BERT-Keyword-Extractor
Deep Keyphrase Extraction using BERT
sunyilgdx/SIFRank
The code of our paper "SIFRank: A New Baseline for Unsupervised Keyphrase Extraction Based on Pre-trained Language Model"
Rowchen/Keyword-Extraction
关键词抽取,神策杯2018高校算法大师赛比赛,solo 排名3/591
maksna/bert-fine-tuning-for-chinese-multiclass-classification
use google pre-training model bert to fine-tuning for the chinese multiclass classification
damo894127201/KeywordExtraction
关键词抽取技术
harshitbhatt108/Keyphrase-Extraction-using-BERT
Here I have tried Keyphrase extraction fron text using BERT. I've used a pytorch-pretrained-bert. The results came out to be very good. Validation loss: 0.09778740532972195 Validation Accuracy: 0.9691100823045266 Validation F1-Score: 0.40851315400532073. I have used google colab for this model and I would advise to use colab until you have a laptop with fairly good configuration.