Pinned Repositories
1806
18.06 course at MIT
Algorithm_Interview_Notes-Chinese
2018/2019/校招/春招/秋招/算法/机器学习(Machine Learning)/深度学习(Deep Learning)/自然语言处理(NLP)/C/C++/Python/面试笔记
bert-as-service
Mapping a variable-length sentence to a fixed-length vector using pretrained BERT model
bert-chainer
Chainer implementation of "BERT: Pre-training of Deep Bidirectional Transformers for Language Understanding"
bert_language_understanding
Pre-training of Deep Bidirectional Transformers for Language Understanding
captcha_trainer
[验证码识别-训练] This project is based on CNN5/DenseNet+BLSTM/LSTM+CTC to realize verification code identification. This project is only for training the model.
DeepKnowledgeTracing
source code for the paper Deep Knowledge Tracing
DeepLearning-500-questions
深度学习500问,以问答形式对常用的概率知识、线性代数、机器学习、深度学习、计算机视觉等热点问题进行阐述,以帮助自己及有需要的读者。 全书分为15个章节,近20万字。由于水平有限,书中不妥之处恳请广大读者批评指正。 未完待续............ 如有意合作,联系scutjy2015@163.com 版权所有,违权必究 Tan 2018.06
DeepLearningProject
An in-depth machine learning tutorial introducing readers to a whole machine learning pipeline from scratch.
fairseq-1
Facebook AI Research Sequence-to-Sequence Toolkit written in Python.
LidhCS's Repositories
LidhCS/DeepLearning-500-questions
深度学习500问,以问答形式对常用的概率知识、线性代数、机器学习、深度学习、计算机视觉等热点问题进行阐述,以帮助自己及有需要的读者。 全书分为15个章节,近20万字。由于水平有限,书中不妥之处恳请广大读者批评指正。 未完待续............ 如有意合作,联系scutjy2015@163.com 版权所有,违权必究 Tan 2018.06
LidhCS/ailab-1
LidhCS/Auto-GPT
An experimental open-source attempt to make GPT-4 fully autonomous.
LidhCS/AwesomeNLP
【NLP菜鸟逆袭】分享 自然语言处理(文本分类、信息抽取、知识图谱、机器翻译、问答系统、文本生成、Text-to-SQL、文本纠错、文本挖掘、知识蒸馏、模型加速、OCR、TTS、Prompt、embedding等)等 实战与经验。
LidhCS/Baichuan-7B
A large-scale 7B pretraining language model developed by BaiChuan-Inc.
LidhCS/bert4keras
keras implement of transformers for humans
LidhCS/build-kg-from-scratch
LidhCS/ChatGLM-6B
ChatGLM-6B: An Open Bilingual Dialogue Language Model | 开源双语对话语言模型
LidhCS/ChatGLM-Finetuning
基于ChatGLM-6B、ChatGLM2-6B、ChatGLM3-6B模型,进行下游具体任务微调,涉及Freeze、Lora、P-tuning、全参微调等
LidhCS/Chinese-LLaMA-Alpaca
中文LLaMA&Alpaca大语言模型+本地CPU/GPU部署 (Chinese LLaMA & Alpaca LLMs)
LidhCS/ChineseAiDungeonChatGPT
中文版的ai地牢,直接使用的openai的ChatGPT api作为讲故事的模型。
LidhCS/ColossalAI
Colossal-AI: A Unified Deep Learning System for Big Model Era
LidhCS/deep-learning
Repo for the Deep Learning Nanodegree Foundations program.
LidhCS/DeepPavlov
An open source library for deep learning end-to-end dialog systems and chatbots.
LidhCS/DeepSpeed
DeepSpeed is a deep learning optimization library that makes distributed training and inference easy, efficient, and effective.
LidhCS/FlagEmbedding
Dense Retrieval and Retrieval-augmented LLMs
LidhCS/GLM-4
GLM-4 series: Open Multilingual Multimodal Chat LMs | 开源多语言多模态对话模型
LidhCS/GPT2-Chinese
Chinese version of GPT2 training code, using BERT tokenizer.
LidhCS/III-Retriever
Code for I3 Retriever, accepted by CIKM'23.
LidhCS/leedl-tutorial
《李宏毅深度学习教程》,PDF下载地址:https://github.com/datawhalechina/leedl-tutorial/releases
LidhCS/llama
Inference code for LLaMA models
LidhCS/LLMs_interview_notes
该仓库主要记录 大模型(LLMs) 算法工程师相关的面试题
LidhCS/LLMsNineStoryDemonTower
【LLMs九层妖塔】分享 LLMs在自然语言处理(ChatGLM、Chinese-LLaMA-Alpaca、小羊驼 Vicuna、LLaMA、GPT4ALL等)、信息检索(langchain)、语言合成、语言识别、多模态等领域(Stable Diffusion、MiniGPT-4、VisualGLM-6B、Ziya-Visual等)等 实战与经验。
LidhCS/Machine-Learning
:zap:机器学习实战(Python3):kNN、决策树、贝叶斯、逻辑回归、SVM、线性回归、树回归
LidhCS/NLP-Interview-Notes
该仓库主要记录 NLP 算法工程师相关的面试题
LidhCS/nlp_paper_study
该仓库主要记录 NLP 算法工程师相关的顶会论文研读笔记
LidhCS/stable-diffusion-webui
Stable Diffusion web UI
LidhCS/stanford_alpaca
Code and documentation to train Stanford's Alpaca models, and generate the data.
LidhCS/stylegan3
Official PyTorch implementation of StyleGAN3
LidhCS/SuperCLUE
SuperCLUE: 中文通用大模型综合性基准 | A Benchmark for Foundation Models in Chinese