Pinned Repositories
3D-FCR-alphaGAN
Fully Convolutional Refined Auto Encoding Generative Adversarial Networks for 3D Multi Object Scenes
adversarial-learning-robustness
Contains materials for workshops pertaining to adversarial robustness in deep learning.
AI_For_Music_Composition
This is the code for "AI for Music Composition" by Siraj Raval on Youtube
albert-chinese-large-webqa
基于百度webqa与dureader数据集训练的Albert Large QA模型
albert-vi-as-service
albert-vi-as-service: A Fork of bert-as-service to deploy albert_vi
ALBERT_4_Time_Recognition
使用ALBERT预训练模型,用于识别文本中的时间,同时验证模型的预测耗时是否有显著提升。
albert_ner
基于轻量级的albert实现albert+BiLstm+CRF
bert_bilstm_crf_keras
bert+bilstm+crf model of keras
classifier_multi_label
multi-label,classifier,text classification,多标签文本分类,文本分类,BERT,ALBERT,multi-label-classification
nlp_chinese_corpus
大规模中文自然语言处理语料 Large Scale Chinese Corpus for NLP
gdh756462786's Repositories
gdh756462786/classifier_multi_label
multi-label,classifier,text classification,多标签文本分类,文本分类,BERT,ALBERT,multi-label-classification
gdh756462786/adversarial-learning-robustness
Contains materials for workshops pertaining to adversarial robustness in deep learning.
gdh756462786/bort
Repository for the paper "Optimal Subarchitecture Extraction for BERT"
gdh756462786/coco-cn
Enriching MS-COCO with Chinese sentences and tags for cross-lingual multimedia tasks
gdh756462786/cortex
Model serving at scale
gdh756462786/deep_text_matching
implementation several deep text match (text similarly) models for keras . cdssm, arc-ii,match_pyramid, mvlstm ,esim, drcn ,bimpm, bert, albert, raberta
gdh756462786/diy-alexa
Command recognition research
gdh756462786/EasyTransfer
EasyTransfer is designed to make the development of transfer learning in NLP applications easier.
gdh756462786/Event-Extraction
近年来事件抽取方法总结,包括中文事件抽取、开放域事件抽取、事件数据生成、跨语言事件抽取、小样本事件抽取、零样本事件抽取等类型,DMCNN、FramNet、DLRNN、DBRNN、GCN、DAG-GRU、JMEE、PLMEE等方法
gdh756462786/fastformers
FastFormers - highly efficient transformer models for NLU
gdh756462786/guwenbert
GuwenBERT: 古文预训练语言模型 a Pre-trained Language Model for Classical Chinese (Literary Chinese)
gdh756462786/keras-onnx
Convert tf.keras/Keras models to ONNX
gdh756462786/Knowledge-Graph-based-QnA
Knowledge Graph based Question and Answering program to get information from huge amount of data
gdh756462786/LeetcodeTop
汇总各大互联网公司容易考察的高频leetcode题🔥
gdh756462786/longformer
Longformer: The Long-Document Transformer
gdh756462786/multilingual-t5
gdh756462786/NARUTO-HandSignDetection
物体検出を用いてNARUTOの印(子~亥、壬、合掌)を検出するモデルとサンプルプログラムです。このリポジトリでは、Tensorflow2 Object Detection APIを使用しています(This is a model and sample program that detects NARUTO's hand sign using object detection. This repository use Tensorflow2 Object Detection API.)
gdh756462786/NeuRec
Next RecSys Library
gdh756462786/PPLM
Plug and Play Language Model implementation. Allows to steer topic and attributes of GPT-2 models.
gdh756462786/pyserini
Python interface to the Anserini IR toolkit built on Lucene
gdh756462786/RecBole
A unified, comprehensive and efficient recommendation library
gdh756462786/Soft-Masked-BERT
gdh756462786/SZT-bigdata
深圳地铁大数据客流分析系统🚇🚄🌟
gdh756462786/timeseriesAI1
Practical Deep Learning for Time Series / Sequential Data using fastai1/ Pytorch
gdh756462786/tract
Tiny, no-nonsense, self-contained, Tensorflow and ONNX inference
gdh756462786/transformer-time-series-prediction
proof of concept for a transformer-based time series prediction model
gdh756462786/TransformerSum
Models to perform neural summarization (extractive and abstractive) using machine learning transformers and a tool to convert abstractive summarization datasets to the extractive task.
gdh756462786/tsmoothie
A python library for time-series smoothing and outlier detection in a vectorized way.
gdh756462786/vectorhub
Library for easy discovery, and consumption of State-of-the-art models to turn data into vectors. (text2vec, image2vec, video2vec, graph2vec, bert, inception, etc)
gdh756462786/xf_event_extraction2020Top1
科大讯飞2020事件抽取挑战赛第一名解决方案&完整事件抽取系统