There are no reviews yet. Be the first to send feedback to the community and the maintainers!
people_relation_extract
结合BERT+GRU+ATT模型,对自己收集的人物关系数据进行模型训练,用于人物关系抽取。spo_extract_platform
本项目是利用深度学习技术来构建知识图谱方向上的一次尝试,作为开放领域的关系抽取,算是笔者的一次创新,目前在这方面的文章和项目都很少。knowledge_graph_demo
本项目用于展示三元组抽取后形成的知识图谱,包括几本小说的实体关系,以及README.md,介绍这方面的一篇文章。embedding_rerank_retrieval
本项目是针对RAG中的Retrieve阶段的召回技术及算法效果所做评估实验。使用主体框架为LlamaIndex.ccks_triple_extract
限定领域的三元组抽取的一次尝试,本文将会介绍笔者在2019语言与智能技术竞赛的三元组抽取比赛方面的一次尝试。multi-label-classification-4-event-type
multi-label-classification-4-event-typeALBERT_text_classification
利用ALBERT实现文本二分类,判别是否属于政治上的出访类事件,提升模型训练和预测速度。keras_bert_multi_label_cls
本项目采用Keras和Keras-bert实现文本多标签分类任务,对BERT进行微调。bert_doc_binary_classification
文本二分类任务,是否文档是否属于政治上的出访类事件,利用BERT提取特征,模型采用简单的DNN。ALBERT_4_Time_Recognition
使用ALBERT预训练模型,用于识别文本中的时间,同时验证模型的预测耗时是否有显著提升。keras_bert_text_classification
本项目采用Keras和Keras-bert实现文本多分类任务,对BERT进行微调。keras_bert_sequence_labeling
本项目采用Keras和Keras-bert实现中文序列标注,对BERT进行微调,并在多个命名实体识别数据集上进行测试。-word-
利用文本分析算法和Python脚本,自动纠正word中的英语单词拼写错误Sentiment_Analysis
using LSTM model for sentiment analysis.llm_math_solver
本项目用于大模型数学解题能力方面的数据集合成,模型训练及评测,相关文章记录。UniLM_Chinese_DEMO
本项目使用云问科技训练的中文版UniLM模型对微博数据集进行自动标题生成。CNN_4_Verifycode
使用Keras搭建CNN模型,破解简单的网页验证码Chinese_Time_Recogniztion
利用深度学习模型,在小标注量数据上,进行文本中的时间识别。transformers_chinese_text_classification
本项目采用transformers模块,使用bert-base-chinese模型实现文本多分类。DL_4_NER
Using Bi-LSTM model for NER in English.pytorch_english_mltc
PyTorch使用BERT进行英语多标签文本分类PyTorch_Learning
learning pytorch step by stepentity_tagging_platform
A simple and useful platform for entity tagging using tornado.cnews_text_classification
利用kashgari轻松搭建文本分类模型。pytorch_transformer_chinese_text_classification
本项目演示如何在PyTorch中使用Transformer模型进行中文文本分类R-BERT_for_people_relation_extraction
使用R-BERT模型对人物关系模型进行分类,效果有显著提升。huggingface_translation_model
使用HuggingFace翻译模型的一次尝试llm_4_doc_qa
本项目用于文档问答,使用向量嵌入 + ES 做召回,使用Rerank模型作为精排,再使用LLM做文档问答,Web框架使用Flask。CRF_4_NER
Using CRF++ for NERpytorch_transformers_english_ner
本项目采用PyTorch和transformers模块实现英语序列标注,其中对BERT进行微调。Neo4j_movie_demo
Using Neo4j and Py2neo to demonstrate Chinese top 20 movies and their actor, visualized by graph.llm_open_triplet_extraction
本项目使用大语言模型(LLM)进行开放领域三元组抽取。Shicijielong
Using Python spider to complete a funny game named Shicijielong.embedding_model_exp
本项目用于Embedding模型的相关实验,包括Embedding模型评估、Embedding模型微调、Embedding模型量化等。keras_albert_text_classification
本项目采用Keras和ALBERT实现文本多分类任务,其中对ALBERT进行微调。personal_travel_map
使用Pyecharts绘制个人足迹地图。keras_bert_multiple_choice_MRC
本项目采用BERT等预训练模型实现多项选择型阅读理解任务(Multiple Choice MRC)llm_evaluation_4_mmlu
Using LLM to evaluate MMLU dataset.multi-modal-image-search
本项目使用LLaVA 1.6多模态模型实现以文搜图和以图搜图功能。WSD_With_Text_Extraction
抽取式NLP模型(阅读理解模型,MRC)实现词义消歧(WSD)yi_vl_experiment
本项目是关于Yi的多模态系列模型,如Yi-VL-6B/34B等的实验与应用。tensorflow-serving_4_kashgari
Using tensorflow/serving to deploy kashgari model for time training and predicting.keras_albert_multi_label_cls
本项目采用Keras和ALBERT实现文本多标签分类任务,其中对ALBERT进行微调。tensorflow_serving_examples
利用tensorflow/serving进行单模型、多模型、同一模型多版本的部署,并进行模型预测,并用Prothemus进行服务监控。alias_find_system
别名发现系统Keras_Transformer_Text_Classification
本项目使用Keras实现Transformer模型来进行文本分类(中文、英文均支持)。Keras_R_BERT
本项目使用Keras实现R-BERT,在人物关系数据集上进行测试验证。resnet_4_cifar10
Using Keras ResNet model to classify CIFAR-10 dataset.Docker_env_test
该项目用于演示如何构建Python开发环境的Docker镜像,并使用PyCharm连接Docker镜像进行开发测试。CRF_Chinese_NER
利用CRF++实现中文命名实体识别keras_bert_english_sequence_labeling
本项目采用Keras和Keras-bert实现英语序列标注,其中对BERT进行微调。document_qa_with_llm
本项目用于文档问答,使用向量嵌入 + ES 做召回,再使用LLM做文档问答。Movie_graphknowledge
利用2019年语言和智能比赛的数据和训练的模型,对开放的影视新闻进行三元组抽取,形成影视知识图谱。keras_bert_cloze
本项目采用keras-bert加载BERT模型,进行完形填空。CRF-Chinese-Word-Segment
利用CRF模型实现中文分词功能Keras_4_multiclass
Using Keras to create a DNN model to solve classical multiclass problem using IRIS data.celery_example
two examples for celery with python, one for math operation, the other for web scraping.keras_bert_short_text_match
本项目采用Keras和Keras-bert实现短文本匹配任务。CAPTCHA-Recognizition
Using CNN model to recognize CAPTCHA by using Keras.pdf-llm_series
The project is for PDF Python learning with Large Language Model.keras_roberta_text_classificaiton
Use English Roberta PLM to do text classification(TC) task with GLUE dataset: SST-2.tf_hub_english_text_classification
本项目使用tensorflow_hub中的BERT模型,对英语电影评论数据集(IMDB)进行文本二分类。text_corrector_corpus_auto_generation
该项目致力于从中文文字版PDF文档中,自动化构建出高质量的中文文本纠错语料。ES_Learning
Example codes for Elasticsearch learning with Python.llama-2-multiple-choice-mrc
本项目采用Firefly模型训练框架,使用LLAMA-2模型对多项选择阅读理解任务(Multiple Choice MRC)进行微调,取得了显著的进步。relation_extract_people
关系抽取之人物关系抽取,采用Pipeline方式。docker_image_demo
该项目用于显示如何使用Docker进行镜像打包,用于初学者入门。Examples-of-Python-Spiders
There are three Python Spiders written by myself using PhantomJS, Selenium, and AutoIt.Keras-K-fold-test
本项目以iris.csv和DNN模型为例,演示如何在Keras中使用K-fold交叉验证。panas_usage_25_tricks
使用pandas的25个技巧。keras_albert_sequence_labeling
本项目采用Keras和ALBERT实现序列标注,其中对ALBERT进行微调。vllm_learning
本项目用于大模型部署工具vLLM的研究与学习。roberta_torch_2_tf
本项目用于将HuggingFace提供的Roberta的Torch版本的模型转化为Tensorflow1.X版本的ckpt格式。bert_finetune_text_classification
利用BERT微调进行文本分类。CPM-LM-TF2-DEMO
本项目使用清源预训练模型CPM,并给出一些模型使用的例子。RoBERTa_and_DCMN_plus_for_RACE
I use RoBERTaMultipleChoiceModel and DCMN+ RoBERTa for RACE dataset.Keras_quasi_Mul_BERT
本项目使用Keras实现quasi Mul-BERT,在人物关系数据集上进行测试验证,其中quasi的意思为近似,因为Mul-BERT模型的论文还未发表,更多模型的细节还未知,因此为近似Mul-BERT。bert_sougou_qa
本项目利用keras-bert和tokenizers模块,对BERT进行微调,对搜狗问答数据集实现抽取式问答。Sudoku-Solver-JavaScript-Version
This Sudoku Solver is written purely by HTML and JavaScript, which becomes more friendly for users to operate.ORM_test
本项目用于演示如何使用SQLAlchemy来操作MySQL数据库,简单的CRUD操作。keras_bert_DCMN
使用DCMN模型完成多项选择阅读理解型任务。formIntoMySQL
This project use Spring Boot to interactive with form on the web and submit the result to MySQL database.Poem-Search
web框架使用tornado, 后端数据库采用MongoDB, 诗词数据集使用爬虫。Sudoku-Solver
This program is written by Python Django, and used to solve Sudoku from other places.phoneSpider
Scrapy phone information from baidu research using scrapy-splash, this is a simple version.machine_learning_text_classification
利用ALBERT+机器学习算法进行文本分类。llm_relation_classification
使用LLM对人物关系进行分类,记录模型训练、部署及评估结果。doubanMovieSpider
This project is simply a tutorial for downloading pictures from website and rename them.MathOperation
MathOperationpercent4.github.io
my personal blog with github + hexojosephus
testkeras_train_visualization
Keras模型训练实时可视化csv_file_review
使用tornado上传Excel、CSV文件,并可以在线浏览。unittest_example
Python单元测试使用例子protobuf_learning
Protobuf入门学习项目audio_recognizition
Using Xunfei and Baidu API to recognize audio in wav formatWDS_With_Text_Extraction
使用Text Extraction模型进行词义消歧(WSD)Kaggle_Competition
some thoughts about a Kaggle competitiondocument_reviewer
常见文档格式的预览,比如txt,log,csv,image,pdf,markdown,python,html等。Numeric_Analysis
This project is mainly to introduce some classical methods in Numeric Analysis using Python.Love Open Source and this site? Check out how you can help us