Pinned Repositories
AES_bmp
a tool used to parse, encrypt and decrypt Bitmap file easily.
AttentionRNN
Attention-based RNN model for Chinese-English translation
CHlikelihood
用于比较两个中文句子相似度的工具
Leetcode
My Leetcode solutions
My_zh_LaTeX_Template
LaTeX中文模板收集
quic_draft_zh
QUIC 协议的概念设计和协议规范中文文档
quic_lr_draft_zh
QUIC中的丢包恢复与拥塞控制中文文档
transformer-pytorch
Transformer model for Chinese-English translation.
pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
TextAttack
TextAttack 🐙 is a Python framework for adversarial attacks, data augmentation, and model training in NLP https://textattack.readthedocs.io/en/master/
P3n9W31's Repositories
P3n9W31/transformer-pytorch
Transformer model for Chinese-English translation.
P3n9W31/quic_draft_zh
QUIC 协议的概念设计和协议规范中文文档
P3n9W31/AttentionRNN
Attention-based RNN model for Chinese-English translation
P3n9W31/adversarial-attacks-pytorch
PyTorch implementation of adversarial attacks.
P3n9W31/awesome-sentence-embedding
A curated list of pretrained sentence and word embedding models
P3n9W31/BERT-NER-Pytorch
Chinese NER(Named Entity Recognition) using BERT(Softmax, CRF, Span)
P3n9W31/ccf_2020_qa_match
ccf 2020 qa match competition top1
P3n9W31/cifar10_challenge
A challenge to explore adversarial robustness of neural networks on CIFAR10.
P3n9W31/cleverhans
An adversarial example library for constructing attacks, building defenses, and benchmarking both
P3n9W31/FGPM
Adversarial Training with Fast Gradient Projection Method against Synonym Substitution based Text Attacks
P3n9W31/handson-ml2
A series of Jupyter notebooks that walk you through the fundamentals of Machine Learning and Deep Learning in Python using Scikit-Learn, Keras and TensorFlow 2.
P3n9W31/mnist_challenge
A challenge to explore adversarial robustness of neural networks on MNIST.
P3n9W31/morpheus
Code for ACL'20 paper "It's Morphin' Time! Combating Linguistic Discrimination with Inflectional Perturbations"
P3n9W31/mrc-for-flat-nested-ner
Code for ACL 2020 paper `A Unified MRC Framework for Named Entity Recognition`
P3n9W31/nlpaug
Data augmentation for NLP
P3n9W31/P3n9W31
P3n9W31/PWWS
Generating Natural Language Adversarial Examples through Probability Weighted Word Saliency
P3n9W31/Pytorch-UNet
PyTorch implementation of the U-Net for image semantic segmentation with high quality images
P3n9W31/RIPPLe
Code for the paper "Weight Poisoning Attacks on Pre-trained Models" (ACL 2020)
P3n9W31/SEM
Code for Natural Language Adversarial Attacks and Defenses in Word Level
P3n9W31/SememePSO-Attack
Code and data of the ACL 2020 paper "Word-level Textual Adversarial Attacking as Combinatorial Optimization"
P3n9W31/SimCLR
PyTorch implementation of SimCLR: A Simple Framework for Contrastive Learning of Visual Representations
P3n9W31/simhash
A Python Implementation of Simhash Algorithm
P3n9W31/sklearn-doc-zh
:book: [译] scikit-learn(sklearn) 中文文档
P3n9W31/text_classification
使用rnn,lstm,gru,fasttext,textcnn,dpcnn,rnn-att,lstm-att,bert,bert-cnn,bert-rnn,bert-rcnn,han,xlnet等等做文本分类,以及对比
P3n9W31/TextAttack
TextAttack 🐙 is a Python framework for adversarial attacks, data augmentation, and model training in NLP
P3n9W31/TextAttack-Search-Benchmark
EMNLP BlackBox NLP 2020: Searching for a Search Method: Benchmarking Search Algorithms for Generating NLP Adversarial Examples
P3n9W31/transformers
🤗Transformers: State-of-the-art Natural Language Processing for Pytorch and TensorFlow 2.0.
P3n9W31/transformers-tutorials
Github repo with tutorials to fine tune transformers for diff NLP tasks
P3n9W31/Yet-Another-EfficientDet-Pytorch
The pytorch re-implement of the official efficientdet with SOTA performance in real time and pretrained weights.