Pinned Repositories
address-semantic-search
基于TF-IDF余弦相似度的地址语义搜索解析匹配服务
albert_zh
A LITE BERT FOR SELF-SUPERVISED LEARNING OF LANGUAGE REPRESENTATIONS, 海量中文预训练ALBERT模型
ChineseNER
中文NER的那些事儿
DANet
Dual Attention Network for Scene Segmentation (CVPR2019)
esim-response-selection
ESIM for Multi-turn Response Selection Task
Intelligent-Traffic-Based-On-CV
本项目为2020年**软件杯A组第一批赛题"基于计算机视觉的交通场景智能应用".项目用python实现,主要使用YOLO模型实现道路目标如人、车、交通灯等物体的识别,使用开源的"中文车牌识别HyperLPR"项目实现车牌识别功能.
libfacedetection
C版本的人脸检测,速度特别快An open source library for face detection in images. The face detection speed can reach 1500FPS.
lingvo
NLP工具-Lingvo
nlp-tutorial
牛逼的NLP深度学习教程---Natural Language Processing Tutorial for Deep Learning Researchers
Python_game
文字冒险-Game code of python
yugenlgy's Repositories
yugenlgy/ChineseNER
中文NER的那些事儿
yugenlgy/address-semantic-search
基于TF-IDF余弦相似度的地址语义搜索解析匹配服务
yugenlgy/alpaca-lora
Instruct-tune LLaMA on consumer hardware
yugenlgy/awesome-chatgpt-prompts-zh
ChatGPT 中文调教指南。各种场景使用指南。学习怎么让它听你的话。
yugenlgy/bert-as-service
Mapping a variable-length sentence to a fixed-length vector using BERT model
yugenlgy/BERT-flow
TensorFlow implementation of On the Sentence Embeddings from Pre-trained Language Models (EMNLP 2020)
yugenlgy/bert4keras
keras implement of transformers for humans
yugenlgy/Chatterbox
Chinese large language model
yugenlgy/Chinese-LLaMA-Alpaca
中文LLaMA&Alpaca大语言模型+本地CPU/GPU训练部署 (Chinese LLaMA & Alpaca LLMs)
yugenlgy/decaNLP
The Natural Language Decathlon: A Multitask Challenge for NLP
yugenlgy/DeepCTR
Easy-to-use,Modular and Extendible package of deep-learning based CTR models .
yugenlgy/EMLL
Edge Machine Learning Library
yugenlgy/fairseq
Facebook AI Research Sequence-to-Sequence Toolkit written in Python.
yugenlgy/HyperLPR
yugenlgy/langchain-ChatGLM
langchain-ChatGLM, local knowledge based ChatGLM with langchain | 基于本地知识库的 ChatGLM 问答
yugenlgy/LLM-Tuning
Tuning LLMs with no tears💦, sharing LLM-tools with love❤️.
yugenlgy/LLMSurvey
The official GitHub page for the survey paper "A Survey of Large Language Models".
yugenlgy/minGPT
A minimal PyTorch re-implementation of the OpenAI GPT (Generative Pretrained Transformer) training
yugenlgy/nanodet--faster--
⚡Super fast and lightweight anchor-free object detection model. 🔥Only 1.8mb and run 97FPS on cellphone🔥
yugenlgy/nlp_chinese_corpus
大规模中文自然语言处理语料 Large Scale Chinese Corpus for NLP
yugenlgy/peft
🤗 PEFT: State-of-the-art Parameter-Efficient Fine-Tuning.
yugenlgy/pretrained-models
Open Language Pre-trained Model Zoo
yugenlgy/QASystemOnMedicalKG
A tutorial and implement of disease centered Medical knowledge graph and qa system based on it。知识图谱构建,自动问答,基于kg的自动问答。以疾病为中心的一定规模医药领域知识图谱,并以该知识图谱完成自动问答与分析服务。
yugenlgy/scikit-mobility
scikit-mobility: mobility analysis in Python
yugenlgy/sentence-transformers
Multilingual Sentence & Image Embeddings with BERT
yugenlgy/sentencepiece
Unsupervised text tokenizer for Neural Network-based text generation.
yugenlgy/simbert
a bert for retrieval and generation
yugenlgy/SimCSE
EMNLP'2021: SimCSE: Simple Contrastive Learning of Sentence Embeddings
yugenlgy/TextBrewer
A PyTorch-based knowledge distillation toolkit for natural language processing
yugenlgy/transformers_tasks
⭐️ NLP Algorithms with transformers lib. Supporting Text-Classification, Text-Generation, Information-Extraction, Text-Matching, RLHF etc.