GGentle's Stars
argilla-io/distilabel
Distilabel is a framework for synthetic data and AI feedback for engineers who need fast, reliable and scalable pipelines based on verified research papers.
arcee-ai/mergekit
Tools for merging pretrained large language models.
ggerganov/llama.cpp
LLM inference in C/C++
hiyouga/LLaMA-Factory
Unified Efficient Fine-Tuning of 100+ LLMs (ACL 2024)
bojone/SPACES
端到端的长本文摘要模型(法研杯2020司法摘要赛道)
HIT-SCIR/ltp
Language Technology Platform
steph1793/Pointer_Transformer_Generator
:scorpius::heavy_plus_sign::sagittarius::arrow_right::heavy_check_mark: Build a summarizer models combining transformers and pointing mechanism
jadore801120/attention-is-all-you-need-pytorch
A PyTorch implementation of the Transformer model in "Attention is All You Need".
huggingface/neuralcoref
✨Fast Coreference Resolution in spaCy with Neural Networks
facebookresearch/SpanBERT
Code for using and evaluating SpanBERT.
xiongma/transformer-pointer-generator
A Abstractive Summarization Implementation with Transformer and Pointer-generator
abisee/pointer-generator
Code for the ACL 2017 paper "Get To The Point: Summarization with Pointer-Generator Networks"
brightmart/albert_zh
A LITE BERT FOR SELF-SUPERVISED LEARNING OF LANGUAGE REPRESENTATIONS, 海量中文预训练ALBERT模型
brightmart/roberta_zh
RoBERTa中文预训练模型: RoBERTa for Chinese
shibing624/pycorrector
pycorrector is a toolkit for text error correction. 文本纠错,实现了Kenlm,T5,MacBERT,ChatGLM3,Qwen2.5等模型应用在纠错场景,开箱即用。
GunterMueller/UNI_PASSAU_FMI_Graph_Drawing
Former Graph Drawing Software from FMI.UNI-PASSAU.DE
dreamhomes/PCIC-2021-Track1
PCIC 2021 Track1: Causal Discovery
NLP-LOVE/Introduction-NLP
HanLP作者的新书《自然语言处理入门》详细笔记!业界良心之作,书中不是枯燥无味的公式罗列,而是用白话阐述的通俗易懂的算法模型。从基本概念出发,逐步介绍中文分词、词性标注、命名实体识别、信息抽取、文本聚类、文本分类、句法分析这几个热门问题的算法原理与工程实现。
summanlp/textrank
TextRank implementation for Python 3.
facebookresearch/fairseq
Facebook AI Research Sequence-to-Sequence Toolkit written in Python.
yangjianxin1/GPT2-chitchat
GPT2 for Chinese chitchat/用于中文闲聊的GPT2模型(实现了DialoGPT的MMI**)
tum-vision/tandem
[CoRL 21'] TANDEM: Tracking and Dense Mapping in Real-time using Deep Multi-view Stereo
baidu/AnyQ
FAQ-based Question Answering System
py-why/dowhy
DoWhy is a Python library for causal inference that supports explicit modeling and testing of causal assumptions. DoWhy is based on a unified language for causal inference, combining causal graphical models and potential outcomes frameworks.
tkipf/gcn
Implementation of Graph Convolutional Networks in TensorFlow
wanyu-lin/ICML2021-Gem
Official code for the ICML 2021 paper "Generative Causal Explanations for Graph Neural Networks."
bojone/bert4keras
keras implement of transformers for humans
yongzhuo/Keras-TextClassification
中文长文本分类、短句子分类、多标签分类、两句子相似度(Chinese Text Classification of Keras NLP, multi-label classify, or sentence classify, long or short),字词句向量嵌入层(embeddings)和网络层(graph)构建基类,FastText,TextCNN,CharCNN,TextRNN, RCNN, DCNN, DPCNN, VDCNN, CRNN, Bert, Xlnet, Albert, Attention, DeepMoji, HAN, 胶囊网络-CapsuleNet, Transformer-encode, Seq2seq, SWEM, LEAM, TextGCN
graph4ai/graph4nlp_demo
This repo is to present various code demos on how to use our Graph4NLP library.
yao8839836/text_gcn
Graph Convolutional Networks for Text Classification. AAAI 2019