Pinned Repositories
prompts_llm
包罗万象的prompt仓库,包括但不限于:大语言模型、视觉语言音频多模态模型、文生图、图生文、图生图等各种prompt
heihei2015's Repositories
heihei2015/ai
Personal AI Implementations
heihei2015/ChainKnowledgeGraph
ChainKnowledgeGraph, 产业链知识图谱包括A股上市公司、行业和产品共3类实体,包括上市公司所属行业关系、行业上级关系、产品上游原材料关系、产品下游产品关系、公司主营产品、产品小类共6大类。 上市公司4,654家,行业511个,产品95,559条、上游材料56,824条,上级行业480条,下游产品390条,产品小类52,937条,所属行业3,946条。
heihei2015/ChatGLM-6B
ChatGLM-6B:开源双语对话语言模型 | An Open Bilingual Dialogue Language Model
heihei2015/darknet
Convolutional Neural Networks
heihei2015/DeepSpeedExamples
Example models using DeepSpeed
heihei2015/External-Attention-pytorch
🍀 Pytorch implementation of various Attention Mechanisms, MLP, Re-parameter, Convolution, which is helpful to further understand papers.⭐⭐⭐
heihei2015/Financial-Knowledge-Graphs
小型金融知识图谱构建流程
heihei2015/focal-loss
TensorFlow implementation of focal loss
heihei2015/GlobalPointer
全局指针统一处理嵌套与非嵌套NER
heihei2015/Graph
GraphEmbedding and Graph Neural Network
heihei2015/GraphEmbedding-TransX
使用TensorFlow实现对知识图谱的表征学习,包括transe\transd\transh\transr
heihei2015/learning_to_rank
利用lightgbm做(learning to rank)排序学习,包括数据处理、模型训练、模型决策可视化、模型可解释性以及预测等。Use LightGBM to learn ranking, including data processing, model training, model decision visualization, model interpretability and prediction, etc.
heihei2015/LLMPruner
heihei2015/MOA-model-using-deep-learning
In this project I used Keras and TensorFlow to do multi class classification for drugs. I used Kaggles free GPUs and Datasets in this competion. Keras deep learning library along with data augmentation helped me get the job done.
heihei2015/NLP-model
heihei2015/opencv-1
Open Source Computer Vision Library
heihei2015/PaddleNLP
Easy-to-use and Fast NLP library with awesome model zoo, supporting wide-range of NLP tasks from research to industrial applications.
heihei2015/PersonGraphDataSet
PersonGraphDataSet, nearly 10 thousand person2person relationship facts。 人物图谱数据集,近十万的人物关系图谱事实数据库,通过人物关系抽取算法抽取+人工整理得出,可用于人物关系搜索、查询、人物关系多跳问答,以及人物关系推理等场景提供基础数据。
heihei2015/pycorrector
pycorrector is a toolkit for text error correction. It was developed to facilitate the designing, comparing, and sharing of deep text error correction models.
heihei2015/pytorch-fm
Factorization Machine models in PyTorch
heihei2015/pytorch-soft-masked-bert
heihei2015/pytorch-YOLOv4
PyTorch ,ONNX and TensorRT implementation of YOLOv4
heihei2015/pytorch.ctpn
pytorch, ctpn ,text detection ,ocr,文本检测
heihei2015/RasaChatBot
基于RASA3.0+搭建的中文对话系统
heihei2015/RoGEC
Neural Grammatical Error Correction for Romanian using Transformer
heihei2015/subword-nmt
Unsupervised Word Segmentation for Neural Machine Translation and Text Generation
heihei2015/tensor2tensor
Library of deep learning models and datasets designed to make deep learning more accessible and accelerate ML research.
heihei2015/visual-parameter-tuning-with-streamlit
lightgbm
heihei2015/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
heihei2015/Yolov1-Pytorch
A simple Yolov1 model using Pytorch.