hdulbj
Li Bai Li Bai Li Bai Li Bai Li Bai Li Bai Li Bai Li Bai Li Bai Li Bai Li Bai Li Bai Li Bai Li Bai Li Bai Li Bai Li Bai Li Bai
Pinned Repositories
a_journey_into_math_of_ml
汉语自然语言处理视频教程-开源学习资料
Agriculture_KnowledgeGraph
农业知识图谱(AgriKG):农业领域的信息检索,命名实体识别,关系抽取,智能问答,辅助决策
AhoCorasickDoubleArrayTrie
An implemention of Aho Corasick algorithm based on Double Array Trie.
Algorithm_Interview_Notes-Chinese
2018/2019/校招/春招/秋招/算法/机器学习(Machine Learning)/深度学习(Deep Learning)/自然语言处理(NLP)/C/C++/Python/面试笔记
attention
some attention implements
awesome-ocr
Links to awesome OCR projects
Awesome-pytorch-list
A comprehensive list of pytorch related content on github,such as different models,implementations,helper libraries,tutorials etc.
bert4keras
keras implement of transformers for humans
bert_language_understanding
Pre-training of Deep Bidirectional Transformers for Language Understanding: pre-train TextCNN
pyecharts
🎨 Python Echarts Plotting Library
hdulbj's Repositories
hdulbj/a_journey_into_math_of_ml
汉语自然语言处理视频教程-开源学习资料
hdulbj/Agriculture_KnowledgeGraph
农业知识图谱(AgriKG):农业领域的信息检索,命名实体识别,关系抽取,智能问答,辅助决策
hdulbj/Algorithm_Interview_Notes-Chinese
2018/2019/校招/春招/秋招/算法/机器学习(Machine Learning)/深度学习(Deep Learning)/自然语言处理(NLP)/C/C++/Python/面试笔记
hdulbj/attention
some attention implements
hdulbj/bert4keras
keras implement of transformers for humans
hdulbj/chatbot
一个可以自己进行训练的中文聊天机器人, 根据自己的语料训练出自己想要的聊天机器人,可以用于智能客服、在线问答、智能聊天等场景。目前包含seq2seq、seqGAN版本和tf2.0版本。
hdulbj/Chatbot_CN
基于金融-司法领域(兼有闲聊性质)的聊天机器人,其中的主要模块有信息抽取、NLU、NLG、知识图谱等,并且利用Django整合了前端展示,目前已经封装了nlp和kg的restful接口
hdulbj/client
🔥 A tool for visualizing and tracking your machine learning experiments. This repo contains the CLI and Python API.
hdulbj/Company-Names-Corpus
公司名语料库。机构名语料库。公司简称,缩写,品牌词。
hdulbj/DCGAN-tensorflow
A tensorflow implementation of "Deep Convolutional Generative Adversarial Networks"
hdulbj/DuReader
Baseline Systems of DuReader Dataset
hdulbj/faiss
A library for efficient similarity search and clustering of dense vectors.
hdulbj/garbage_calssify-resnet50
使用迁移学习将resnet50用于垃圾分类,基于【华为云人工智能大赛·垃圾分类挑战杯】
hdulbj/garbage_classify
最严垃圾分类政策自7月1日颁布,如何进行垃圾分类已经成为居民生活的灵魂拷问。但是,没关系!AI在垃圾分类的应用可以成为居民的得力助手。本次垃圾分类挑战杯,目的在于构建基于深度学习技术的图像分类模型,实现垃圾图片类别的精准识别,大赛参考深圳垃圾分类标准,按可回收物、厨余垃圾、有害垃圾和其他垃圾四项分类。
hdulbj/hdulbj.github.io
hdulbj/Image-Captioning-v2
图像中文描述+视觉注意力
hdulbj/Kashgari
Kashgari is a Production-ready NLP Transfer learning framework for text-labeling and text-classification, includes Word2Vec, BERT, and GPT2 Language Embedding.
hdulbj/Keras-TextClassification
中文长文本分类、短句子分类、多标签分类、两句子相似度(Chinese Text Classification of Keras NLP, multi-label classify, or sentence classify, long or short),字词句向量嵌入层(embeddings)和网络层(graph)构建基类,FastText,TextCNN,CharCNN,TextRNN, RCNN, DCNN, DPCNN, VDCNN, CRNN, Bert, Xlnet, Albert, Attention, DeepMoji, HAN, 胶囊网络-CapsuleNet, Transformer-encode, Seq2seq, ENT, DMN,
hdulbj/KnowledgeGraphCourse
东南大学《知识图谱》研究生课程
hdulbj/models
Models and examples built with TensorFlow
hdulbj/models-1
Pre-trained and Reproduced Deep Learning Models (『飞桨』官方模型库,包含多种学术前沿和工业场景验证的深度学习模型)
hdulbj/modelscope
ModelScope: bring the notion of Model-as-a-Service to life.
hdulbj/nlp-beginner
NLP上手教程
hdulbj/sklearn-audio-transfer-learning
A didactic toolkit to rapidly prototype audio classifiers with pre-trained Tensorflow models and Scikit-learn
hdulbj/TensorFlow-Course
Simple and ready-to-use tutorials for TensorFlow
hdulbj/tensorflow_poems
中文古诗自动作诗机器人,屌炸天,基于tensorflow1.10 api,正在积极维护升级中,快star,保持更新!
hdulbj/tensorflow_practice
tensorflow实战练习,包括强化学习、推荐系统、nlp等
hdulbj/transformers
🤗 Transformers: State-of-the-art Natural Language Processing for TensorFlow 2.0 and PyTorch.
hdulbj/Xray-script
Xray:(VLESS/VMess)-(TCP/gRPC/WebSocket)-(XTLS/TLS)+Web 搭建/管理脚本
hdulbj/zh-NER-TF
A very simple BiLSTM-CRF model for Chinese Named Entity Recognition 中文命名实体识别 (TensorFlow)