Pinned Repositories
ABCNN
TensorFlow Implementation of ABCNN (ABCNN: Attention-Based Convolutional Neural Network for Modeling Sentence Pairs)
ABCNN-1
Re-implementation of Yin, et al. "ABCNN: Attention-Based Convolutional Neural Network for Modeling Sentence Pairs" TACL 2016
AI_challenger_Chinese_Caption
Repository for image caption for Chinese
albert
ALBERT: A Lite BERT for Self-supervised Learning of Language Representations
Alipay
AlphaFin
baichuan-Qlora-Tuning
基于qlora对baichuan-7B大模型进行指令微调。
Bert-Multi-Label-Text-Classification
This repo contains a PyTorch implementation of a pretrained BERT model for multi-label text classification.
docker-kafka-eagle
Kafka eagle for docker
TensorFlow-train-captcha
使用tensorflow深度学习识别验证码(根据网络上教程学习项目,多加入注释)
lllfx's Repositories
lllfx/bert-utils
一行代码使用BERT生成句向量,BERT做文本分类、文本相似度计算
lllfx/chatbot
一个可以自己进行训练的中文聊天机器人, 根据自己的语料训练出自己想要的聊天机器人,可以用于智能客服、在线问答、智能聊天等场景。目前包含seq2seq和seqGAN版本,后续增加tf2.0版本。
lllfx/Chatbot_CN
基于金融-司法领域(兼有闲聊性质)的聊天机器人,其中的主要模块有信息抽取、NLU、NLG、知识图谱等,并且利用Django整合了前端展示,目前已经封装了nlp和kg的restful接口
lllfx/ChatterBot
ChatterBot is a machine learning, conversational dialog engine for creating chat bots
lllfx/chinese_ocr
CTPN + DenseNet + CTC based end-to-end Chinese OCR implemented using tensorflow and keras
lllfx/CNN-Text-Classification-of-Product-Titles
CNN对中文商品名称进行分类,基于Tensorflow
lllfx/crnn_ctc_ocr_tf
Extremely simple implement for CRNN by Tensorflow
lllfx/Customer-Chatbot
中文智能客服机器人demo,包含闲聊和专业问答2个部分,支持自定义组件(Chinese intelligent customer chatbot Demo, including the gossip and the professional Q&A(FAQ) , support for custom components!)
lllfx/Deep_learning_explorations
Codes and experiments while learning and exploring deep learning by personal curiosity and online courses
lllfx/disentangled-representation-papers
A curated list of research papers related to learning disentangled representations
lllfx/examples
A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.
lllfx/Face-Alignment
Implementation of paper titled "Facial Landmark Detection by Deep Multi-task Learning" in keras
lllfx/face_landmark
A simple method for face alignment based on wingloss and mutitask learning :)
lllfx/FaceBoxes
FaceBoxes: A CPU Real-time Face Detector with High Accuracy, IJCB, 2017
lllfx/FaceBoxes-tensorflow
A fast face detector
lllfx/FaceBoxes.PyTorch
A PyTorch Implementation of FaceBoxes
lllfx/Information-Extraction-Chinese
Chinese Named Entity Recognition with IDCNN/biLSTM+CRF, and Relation Extraction with biGRU+2ATT 中文实体识别与关系提取
lllfx/nlp
:memo: This repository recorded my NLP journey.
lllfx/PSENet.pytorch
A pytorch re-implementation of PSENet: Shape Robust Text Detection with Progressive Scale Expansion Network
lllfx/QA-Snake
基于多搜索引擎和深度学习技术的自动问答
lllfx/QAmodel-for-Retrievalchatbot
客服机器人,Chinese Retreival chatbot(中文检索式机器人)用到的一些QA模型,基于tf-idf,lsa,cnn,transformer,bert等
lllfx/Quant-Strategy
基于FMZ平台和python 目前已复现4个策略 自己开发了1个基于HMM的策略,趋势预测正确率可达85%
lllfx/resume-parser
A java Spring Boot Resume Parser using GATE library.
lllfx/springboot-learning-example
spring boot 实践学习案例,是 spring boot 初学者及核心技术巩固的最佳实践。另外写博客,用 OpenWrite。
lllfx/SynthText_Chinese_py3
lllfx/tensorflow_practice
tensorflow实战练习,包括强化学习、推荐系统、nlp等
lllfx/text-classification-cnn-rnn
CNN-RNN中文文本分类,基于TensorFlow
lllfx/Unsupervised_Embedding_Learning
Code for Unsupervised Embedding Learning via Invariant and Spreading Instance Feature
lllfx/wing-loss
A facial landmarks regressor
lllfx/zh-NER-TF
A very simple BiLSTM-CRF model for Chinese Named Entity Recognition 中文命名实体识别 (TensorFlow)