Pinned Repositories
AM-VRP
My implementation of solving the Capacitated Vehicle Routing Problem in the paper "Attention, learn to solve routing problems"
AnoGAN-pytorch
使用AnoGAN实现一个缺陷检测小demo
Approachable-Reinforcement-Learning
这个仓库用于存储一些强化学习练手小项目与算法实验。具体来讲,就是不至于单独成一个 repo 的项目,但是又值得拿出来讨论的代码。
attention-is-all-you-need-pytorch
A PyTorch implementation of the Transformer model in "Attention is All You Need".
attention-learn-to-route
Attention based model for learning to solve different routing problems
Attention-Solving-TWVRP
An implementation of VRP, TWVRP and TWCVRP for the Attention Model. Built on top of https://github.com/wouterkool/attention-learn-to-route
bertviz
BertViz: Visualize Attention in NLP Models (BERT, GPT2, BART, etc.)
Data-Competition-TopSolution
Data competition Top Solution 数据竞赛top解决方案开源整理
ECVRPTW
Metaheuristic for E-VRP-TW problem (simulated annealing and iterated local search)
MTBook
《机器翻译:基础与模型》肖桐 朱靖波 著 - Machine Translation: Foundations and Models
996781424's Repositories
996781424/AnoGAN-pytorch
使用AnoGAN实现一个缺陷检测小demo
996781424/bertviz
BertViz: Visualize Attention in NLP Models (BERT, GPT2, BART, etc.)
996781424/LLMs-from-scratch
Implementing a ChatGPT-like LLM in PyTorch from scratch, step by step
996781424/MD_MTA
The source code of MD-MTA
996781424/AI_Tutorial
精选机器学习,NLP,图像识别, 深度学习等人工智能领域学习资料,搜索,推荐,广告系统架构及算法技术资料整理。算法大牛笔记汇总
996781424/albert_re
albert-fc for RE(Relation Extraction),中文关系抽取
996781424/Algorithm-Practice-in-Industry
搜索、推荐、广告、用增等工业界实践文章收集(来源:知乎、Datafuntalk、技术公众号)
996781424/Bert-Chinese-Text-Classification-Pytorch
使用Bert,ERNIE,进行中文文本分类
996781424/bert-extractive-summarization
MobileBERT and DistilBERT for extractive summarization
996781424/BERT-pytorch
Google AI 2018 BERT pytorch implementation
996781424/bert_classfication
bert、roberta、ernie等方法进行文本分类
996781424/chat-ltu
Open source implementation of InstructGPT (not finished)
996781424/EVRPTW_GUROBI
GUROBI code for paper " The Electric Vehicle-Routing Problem with Time Windows and Recharging Stations "
996781424/External-Attention-pytorch
🍀 Pytorch implementation of various Attention Mechanisms, MLP, Re-parameter, Convolution, which is helpful to further understand papers.⭐⭐⭐
996781424/Feature-Embedding-Refiner
996781424/Gemini
The open source implementation of Gemini, the model that will "eclipse ChatGPT" by Google
996781424/gpt1
gpt1的简单复现
996781424/GPT2-Summary
基于GPT2的中文摘要生成模型
996781424/gpt4free
The official gpt4free repository | various collection of powerful language models
996781424/LaMDA-rlhf-pytorch
Open-source pre-training implementation of Google's LaMDA in PyTorch. Adding RLHF similar to ChatGPT.
996781424/llms-from-scratch-cn
仅需Python基础,从0构建大语言模型;从0逐步构建GLM4\Llama3\RWKV6, 深入理解大模型原理
996781424/MLE-interview
该仓库记录搜索推荐算法工程师的必备面试知识点+paper
996781424/open-chatgpt
The open source implementation of ChatGPT, Alpaca, Vicuna and RLHF Pipeline. 从0开始实现一个ChatGPT.
996781424/PaLM-rlhf-pytorch
Implementation of RLHF (Reinforcement Learning with Human Feedback) on top of the PaLM architecture. Basically ChatGPT but with PaLM
996781424/pycorrector
pycorrector is a toolkit for text error correction. 文本纠错,实现了Kenlm,T5,MacBERT,ChatGLM3,Qwen2.5等模型应用在纠错场景,开箱即用。
996781424/RLHF
Implementation of Chinese ChatGPT
996781424/text2vec
text2vec, text to vector. 文本向量表征工具,把文本转化为向量矩阵,实现了Word2Vec、RankBM25、Sentence-BERT、CoSENT等文本表征、文本相似度计算模型,开箱即用。
996781424/textgen
TextGen: Implementation of Text Generation models, include LLaMA, BLOOM, GPT2, BART, T5, SongNet and so on. 文本生成模型,实现了包括LLaMA,ChatGLM,BLOOM,GPT2,Seq2Seq,BART,T5,UDA等模型的训练和预测,开箱即用。
996781424/transformer
Transformer: PyTorch Implementation of "Attention Is All You Need"
996781424/tuning_playbook
A playbook for systematically maximizing the performance of deep learning models.