Pinned Repositories
BERT-for-Sequence-Labeling-and-Text-Classification
This is the template code to use BERT for sequence lableing and text classification, in order to facilitate BERT for more tasks. Currently, the template code has included conll-2003 named entity identification, Snips Slot Filling and Intent Prediction.
BERT_Paper_Chinese_Translation
BERT: Pre-training of Deep Bidirectional Transformers for Language Understanding 论文的中文翻译 Chinese Translation!
Entity-Relation-Extraction
Entity and Relation Extraction Based on TensorFlow and BERT. 基于TensorFlow和BERT的管道式实体及关系抽取,2019语言与智能技术竞赛信息抽取任务解决方案。Schema based Knowledge Extraction, SKE 2019
fan-ren-xiu-xian-zhuan
凡人修仙传(fanrenxiuxianzhuan)的资源汇总,谨献给“凡友”们。
Machine-Learning-Book
《机器学习宝典》包含:谷歌机器学习速成课程(招式)+机器学习术语表(口诀)+机器学习规则(心得)+机器学习中的常识性问题 (内功)。该资源适用于机器学习、深度学习研究人员和爱好者参考!
Machine_Learning_bookshelf
机器学习深度学习相关书籍、课件、代码的仓库。 Machine learning is the warehouse of books, courseware and codes.
Multimodal-short-video-dataset-and-baseline-classification-model
500,000 multimodal short video data and baseline models. 50万条多模态短视频数据集和基线模型(TensorFlow2.0)。
Multiple-Relations-Extraction-Only-Look-Once
Multiple-Relations-Extraction-Only-Look-Once. Just look at the sentence once and extract the multiple pairs of entities and their corresponding relations. 端到端联合多关系抽取模型,可用于 http://lic2019.ccf.org.cn/kg 信息抽取。
Schema-based-Knowledge-Extraction
Code for http://lic2019.ccf.org.cn/kg 信息抽取。使用基于 BERT 的实体抽取和关系抽取的端到端的联合模型。
Theoretical-Proof-of-Neural-Network-Model-and-Implementation-Based-on-Numpy
This resource implements a deep neural network through Numpy, and is equipped with easy-to-understand theoretical derivation, mainly for the in-depth understanding of neural networks. 神经网络模型的理论证明与基于Numpy的实现。
yuanxiaosc's Repositories
yuanxiaosc/DeepImage-an-Image-to-Image-technology
DeepNude's algorithm and general image generation theory and practice research, including pix2pix, CycleGAN, UGATIT, DCGAN, SinGAN, ALAE, mGANprior, StarGAN-v2 and VAE models (TensorFlow2 implementation). DeepNude的算法以及通用生成对抗网络(GAN,Generative Adversarial Network)图像生成的理论与实践研究。
yuanxiaosc/Entity-Relation-Extraction
Entity and Relation Extraction Based on TensorFlow and BERT. 基于TensorFlow和BERT的管道式实体及关系抽取,2019语言与智能技术竞赛信息抽取任务解决方案。Schema based Knowledge Extraction, SKE 2019
yuanxiaosc/Machine-Learning-Book
《机器学习宝典》包含:谷歌机器学习速成课程(招式)+机器学习术语表(口诀)+机器学习规则(心得)+机器学习中的常识性问题 (内功)。该资源适用于机器学习、深度学习研究人员和爱好者参考!
yuanxiaosc/BERT_Paper_Chinese_Translation
BERT: Pre-training of Deep Bidirectional Transformers for Language Understanding 论文的中文翻译 Chinese Translation!
yuanxiaosc/BERT-for-Sequence-Labeling-and-Text-Classification
This is the template code to use BERT for sequence lableing and text classification, in order to facilitate BERT for more tasks. Currently, the template code has included conll-2003 named entity identification, Snips Slot Filling and Intent Prediction.
yuanxiaosc/Multiple-Relations-Extraction-Only-Look-Once
Multiple-Relations-Extraction-Only-Look-Once. Just look at the sentence once and extract the multiple pairs of entities and their corresponding relations. 端到端联合多关系抽取模型,可用于 http://lic2019.ccf.org.cn/kg 信息抽取。
yuanxiaosc/Schema-based-Knowledge-Extraction
Code for http://lic2019.ccf.org.cn/kg 信息抽取。使用基于 BERT 的实体抽取和关系抽取的端到端的联合模型。
yuanxiaosc/Machine_Learning_bookshelf
机器学习深度学习相关书籍、课件、代码的仓库。 Machine learning is the warehouse of books, courseware and codes.
yuanxiaosc/Multimodal-short-video-dataset-and-baseline-classification-model
500,000 multimodal short video data and baseline models. 50万条多模态短视频数据集和基线模型(TensorFlow2.0)。
yuanxiaosc/Theoretical-Proof-of-Neural-Network-Model-and-Implementation-Based-on-Numpy
This resource implements a deep neural network through Numpy, and is equipped with easy-to-understand theoretical derivation, mainly for the in-depth understanding of neural networks. 神经网络模型的理论证明与基于Numpy的实现。
yuanxiaosc/Find-a-Machine-Learning-Job
找一份机器学习工作(算法工程师),需要提纲(算法能力)挈领(编程能力),充分准备。 本人学习和在找工作期间受到了很多前辈们的帮助,目前已经找到心仪的工作,撰写此文献给那些在求职路上有梦有汗水的人们!2020秋招算法,难度剧增!没有选择,只能迎难而上。
yuanxiaosc/fan-ren-xiu-xian-zhuan
凡人修仙传(fanrenxiuxianzhuan)的资源汇总,谨献给“凡友”们。
yuanxiaosc/XLNet_Paper_Chinese_Translation
XLNet: Generalized Autoregressive Pretraining for Language Understanding 论文的中文翻译 Paper Chinese Translation!
yuanxiaosc/Slot-Filling-and-Intention-Prediction-in-Paper-Translation
槽填充、意图预测(口语理解)论文整理和中文翻译。Slot filling and intent prediction paper collation and Chinese translation.
yuanxiaosc/Image-Captioning
CNN-Encoder and RNN-Decoder (Bahdanau Attention) for image caption or image to text on MS-COCO dataset. 图片描述
yuanxiaosc/ELMo
ELMo: Embeddings from Language Models. Using, visualizing and understanding EMLo by examples!
yuanxiaosc/Text-generation-task-and-language-model-GPT2
solve text generation tasks by the language model GPT2, including papers, code, demo demos, and hands-on tutorials. 使用语言模型GPT2来解决文本生成任务的资源,包括论文、代码、展示demo和动手教程。
yuanxiaosc/Transformer_implementation_and_application
The 300 lines of code (Tensorflow 2) completely replicates the Transformer model and is used in neural machine translation tasks and chat bots. 300行代码(Tensorflow 2)完整复现了Transformer模型,并且应用在神经机器翻译任务和聊天机器人上。
yuanxiaosc/CPlusPlus-Programming-Language-Foundation
《CPlusPlus编程语言基础》又称为“C加加知识树”,用树状思维导图的形式展现C++从业人员必备的所有C++基础知识。
yuanxiaosc/yuanxiaosc.github.io
个人博客;论文;机器学习;深度学习;Python学习;C++学习;
yuanxiaosc/information-extraction
2019语言与智能技术竞赛,信息抽取任务的基线模型python3代码。模型包括:关系抽取(多标签模型)和实体抽取(序列标注模型)
yuanxiaosc/Path-Classification-Experiment
Introduction to Data Analysis: Path Classification Experiment. 本资源以选择最优路径为例详细介绍了如何解决一般的分类问题,包括原始数据的探索、模型的构建、模型调优和模型预测分析。包含前馈神经网络(Keras)、机器学习模型(sklearn)和绘制数据图表(matplotlib)的基础使用。
yuanxiaosc/Deep-Convolutional-Generative-Adversarial-Network
Tensorflow 2. This repository demonstrates how to generate images of handwritten digits (MINIST) using a Deep Convolutional Generative Adversarial Network (DCGAN). 深度卷积生成对抗网络
yuanxiaosc/Image_to_Text
Taking the image description task on the MS-COCO data set as an example, the template code of Image_to_Text is shown.
yuanxiaosc/NLPCC2019-Conference-Materials
NLPCC2019会议资料分享:论文投稿信息总结、NLP当前研究内容和趋势、学者演讲、海报、公司介绍和招聘信息。
yuanxiaosc/Slot-Gated-Modeling-for-Joint-Slot-Filling-and-Intent-Prediction
Code parsing and paper parsing for "Slot-Gated Modeling for Joint Slot Filling and Intent Prediction"
yuanxiaosc/Hands-on-chat-robots
There are a variety of out-of-the-box chat bot codes here.
yuanxiaosc/transferlearning-tutorial
《迁移学习简明手册》LaTex源码
yuanxiaosc/PaddleBox
PArallel Distributed Deep LEarning (PaddlePaddle核心框架,高性能单机、分布式训练和跨平台部署)
yuanxiaosc/Sequence-To-Sequence-RNN-TensorFlow-Frame
A Simple Sequence-to-Sequence Framework. It is based on TensorFlow's RRN and tf.contrib.seq2seq.Basic Decoder modules.