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/AliceMind
ALIbaba's Collection of Encoder-decoders from MinD (Machine IntelligeNce of Damo) Lab
gdh756462786/Bert_sim
gdh756462786/BertSum
Code for paper Fine-tune BERT for Extractive Summarization
gdh756462786/ChineseBert
gdh756462786/Contrastive-Learning-Papers-Codes
A comprehensive list of Awesome Contrastive Learning Papers&Codes.Research include, but are not limited to: CV, NLP, Audio, Video, Multimodal, Graph, Language, etc.
gdh756462786/DALL-E
PyTorch package for the discrete VAE used for DALL·E.
gdh756462786/ddz-ai
以孤立语假设和宽度优先搜索为基础,构建了一种多通道堆叠注意力Transformer结构的斗地主ai
gdh756462786/EVA
gdh756462786/FAQ-question-answer-system
基于深度学习的FAQ式问答系统
gdh756462786/hmm-spellcheck
A spellchecker and corrector based on Hidden Markov Models
gdh756462786/iamQA
中文wiki百科QA阅读理解问答系统,使用了CCKS2016数据的NER模型和CMRC2018的阅读理解模型,还有W2V词向量搜索,使用torchserve部署
gdh756462786/JioNLP
中文 NLP 预处理、解析工具包,准确、高效、易用 A Chinese NLP Preprocessing and Parsing Package
gdh756462786/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, SWEM, LEAM, TextGCN
gdh756462786/keytotext
Keywords to Sentences
gdh756462786/LibFewShot
LibFewShot: A Comprehensive Library for Few-shot Learning.
gdh756462786/natural-language-image-search
Search photos on Unsplash using natural language
gdh756462786/nn
🧠 Minimal implementations/tutorials of deep learning papers with side-by-side notes
gdh756462786/NSP-BERT
The code for our paper "NSP-BERT: A Prompt-based Zero-Shot Learner Through an Original Pre-training Task —— Next Sentence Prediction"
gdh756462786/pegasus
gdh756462786/Prompt-Engineering-Guide
🐙 Guides, papers, lecture, notebooks and resources for prompt engineering
gdh756462786/pykale
Knowledge-Aware machine LEarning (KALE) from multiple sources in Python
gdh756462786/PyTorch_BERT_Biaffine_NER
论文复现《Named Entity Recognition as Dependency Parsing》
gdh756462786/PyTorch_BERT_MultiHead_NER
使用多头的**来进行命名实体识别
gdh756462786/roformer-sim
SimBERT升级版(SimBERTv2)!
gdh756462786/soft-prompt-tuning
gdh756462786/TextMatch
QAmatch(qa_match)/文本匹配/文本分类/文本embedding/文本聚类/文本检索(bow/ifidf/ngramtf-df/bert/albert/bm25/…/nn/gbdt/xgb/kmeans/dscan/faiss/….)
gdh756462786/tf-transformers
State of the art faster Natural Language Processing in Tensorflow 2.0 .
gdh756462786/tf2-gnn
TensorFlow 2 library implementing Graph Neural Networks
gdh756462786/transformers_tasks
⭐️ NLP Algorithms with transformers lib. Supporting Text-Classification, Text-Generation, Information-Extraction, Text-Matching, RLHF, SFT etc.
gdh756462786/TransGAN
[Preprint] "TransGAN: Two Transformers Can Make One Strong GAN", Yifan Jiang, Shiyu Chang, Zhangyang Wang