All Projects → adversarial-code-generation → Similar Projects or Alternatives

268 Open source projects that are alternatives of or similar to adversarial-code-generation

embeddings-for-trees
Set of PyTorch modules for developing and evaluating different algorithms for embedding trees.
Stars: ✭ 19 (+18.75%)
Mutual labels:  ml4code, ml4se
sinkhorn-policy-gradient.pytorch
Code accompanying the paper "Learning Permutations with Sinkhorn Policy Gradient"
Stars: ✭ 36 (+125%)
S2VT-seq2seq-video-captioning-attention
S2VT (seq2seq) video captioning with bahdanau & luong attention implementation in Tensorflow
Stars: ✭ 18 (+12.5%)
Mutual labels:  seq2seq
MTA-LSTM-TensorFlow
TensorFlow reimplementation of Topic-to-Essay Generation with Neural Networks.
Stars: ✭ 67 (+318.75%)
Mutual labels:  seq2seq
lang2logic-PyTorch
PyTorch port of the paper "Language to Logical Form with Neural Attention"
Stars: ✭ 34 (+112.5%)
Mutual labels:  seq2seq
AdverseDrive
Attacking Vision based Perception in End-to-end Autonomous Driving Models
Stars: ✭ 24 (+50%)
mxfactorial
a payment application intended for deployment by the united states treasury
Stars: ✭ 36 (+125%)
sentence2vec
Deep sentence embedding using Sequence to Sequence learning
Stars: ✭ 23 (+43.75%)
Mutual labels:  seq2seq
ThermometerEncoding
reproduction of Thermometer Encoding: One Hot Way To Resist Adversarial Examples in pytorch
Stars: ✭ 15 (-6.25%)
conjure
Conjure: The Automated Constraint Modelling Tool
Stars: ✭ 84 (+425%)
chinese ancient poetry
seq2seq attention tensorflow textrank context
Stars: ✭ 30 (+87.5%)
Mutual labels:  seq2seq
SequenceToSequence
A seq2seq with attention dialogue/MT model implemented by TensorFlow.
Stars: ✭ 11 (-31.25%)
Mutual labels:  seq2seq
classifier multi label seq2seq attention
multi-label,classifier,text classification,多标签文本分类,文本分类,BERT,ALBERT,multi-label-classification,seq2seq,attention,beam search
Stars: ✭ 26 (+62.5%)
Mutual labels:  seq2seq
code-transformer
Implementation of the paper "Language-agnostic representation learning of source code from structure and context".
Stars: ✭ 130 (+712.5%)
Mutual labels:  ml4code
type4py
Type4Py: Deep Similarity Learning-Based Type Inference for Python
Stars: ✭ 41 (+156.25%)
Mutual labels:  ml4se
kospeech
Open-Source Toolkit for End-to-End Korean Automatic Speech Recognition leveraging PyTorch and Hydra.
Stars: ✭ 456 (+2750%)
Mutual labels:  seq2seq
procedural-advml
Task-agnostic universal black-box attacks on computer vision neural network via procedural noise (CCS'19)
Stars: ✭ 47 (+193.75%)
perceptron-benchmark
Robustness benchmark for DNN models.
Stars: ✭ 61 (+281.25%)
minimal-nmt
A minimal nmt example to serve as an seq2seq+attention reference.
Stars: ✭ 36 (+125%)
Mutual labels:  seq2seq
Transformer Temporal Tagger
Code and data form the paper BERT Got a Date: Introducing Transformers to Temporal Tagging
Stars: ✭ 55 (+243.75%)
Mutual labels:  seq2seq
ecole
Extensible Combinatorial Optimization Learning Environments
Stars: ✭ 249 (+1456.25%)
sasi
Signedness-Agnostic Strided-Interval
Stars: ✭ 32 (+100%)
Mutual labels:  program-analysis
CVAE Dial
CVAE_XGate model in paper "Xu, Dusek, Konstas, Rieser. Better Conversations by Modeling, Filtering, and Optimizing for Coherence and Diversity"
Stars: ✭ 16 (+0%)
Mutual labels:  seq2seq
Word-Level-Eng-Mar-NMT
Translating English sentences to Marathi using Neural Machine Translation
Stars: ✭ 37 (+131.25%)
Mutual labels:  seq2seq
Pontryagin-Differentiable-Programming
A unified end-to-end learning and control framework that is able to learn a (neural) control objective function, dynamics equation, control policy, or/and optimal trajectory in a control system.
Stars: ✭ 111 (+593.75%)
synthesizing-robust-adversarial-examples
My entry for ICLR 2018 Reproducibility Challenge for paper Synthesizing robust adversarial examples https://openreview.net/pdf?id=BJDH5M-AW
Stars: ✭ 60 (+275%)
athena
Athena: A Framework for Defending Machine Learning Systems Against Adversarial Attacks
Stars: ✭ 39 (+143.75%)
dynmt-py
Neural machine translation implementation using dynet's python bindings
Stars: ✭ 17 (+6.25%)
Mutual labels:  seq2seq
probabilistic nlg
Tensorflow Implementation of Stochastic Wasserstein Autoencoder for Probabilistic Sentence Generation (NAACL 2019).
Stars: ✭ 28 (+75%)
Mutual labels:  seq2seq
adversarial-recommender-systems-survey
The goal of this survey is two-fold: (i) to present recent advances on adversarial machine learning (AML) for the security of RS (i.e., attacking and defense recommendation models), (ii) to show another successful application of AML in generative adversarial networks (GANs) for generative applications, thanks to their ability for learning (high-…
Stars: ✭ 110 (+587.5%)
sortcheck
Tool for detecting violations of ordering axioms in qsort/bsearch callbacks.
Stars: ✭ 23 (+43.75%)
Mutual labels:  program-analysis
seq3
Source code for the NAACL 2019 paper "SEQ^3: Differentiable Sequence-to-Sequence-to-Sequence Autoencoder for Unsupervised Abstractive Sentence Compression"
Stars: ✭ 121 (+656.25%)
Mutual labels:  seq2seq
skt
Sanskrit compound segmentation using seq2seq model
Stars: ✭ 21 (+31.25%)
Mutual labels:  seq2seq
keras-chatbot-web-api
Simple keras chat bot using seq2seq model with Flask serving web
Stars: ✭ 51 (+218.75%)
Mutual labels:  seq2seq
jpeg-defense
SHIELD: Fast, Practical Defense and Vaccination for Deep Learning using JPEG Compression
Stars: ✭ 82 (+412.5%)
ThinkMatch
Code & pretrained models of novel deep graph matching methods.
Stars: ✭ 639 (+3893.75%)
convolutional seq2seq
fairseq: Convolutional Sequence to Sequence Learning (Gehring et al. 2017) by Chainer
Stars: ✭ 63 (+293.75%)
Mutual labels:  seq2seq
GHOST
General meta-Heuristic Optimization Solving Toolkit
Stars: ✭ 28 (+75%)
parse seq2seq
A tensorflow implementation of neural sequence-to-sequence parser for converting natural language queries to logical form.
Stars: ✭ 26 (+62.5%)
Mutual labels:  seq2seq
chatbot
一个基于深度学习的中文聊天机器人,这里有详细的教程与代码,每份代码都有详细的注释,作为学习是美好的选择。A Chinese chatbot based on deep learning.
Stars: ✭ 94 (+487.5%)
Mutual labels:  seq2seq
avsr-tf1
Audio-Visual Speech Recognition using Sequence to Sequence Models
Stars: ✭ 76 (+375%)
Mutual labels:  seq2seq
Seq2Seq-chatbot
TensorFlow Implementation of Twitter Chatbot
Stars: ✭ 18 (+12.5%)
Mutual labels:  seq2seq
NeuralCodeTranslator
Neural Code Translator provides instructions, datasets, and a deep learning infrastructure (based on seq2seq) that aims at learning code transformations
Stars: ✭ 32 (+100%)
Mutual labels:  seq2seq
NLP-paper
🎨 🎨NLP 自然语言处理教程 🎨🎨 https://dataxujing.github.io/NLP-paper/
Stars: ✭ 23 (+43.75%)
Mutual labels:  seq2seq
beam search
Beam search for neural network sequence to sequence (encoder-decoder) models.
Stars: ✭ 31 (+93.75%)
Mutual labels:  seq2seq
Deep-Learning-Tensorflow
Gathers Tensorflow deep learning models.
Stars: ✭ 50 (+212.5%)
Mutual labels:  seq2seq
seq2seq-autoencoder
Theano implementation of Sequence-to-Sequence Autoencoder
Stars: ✭ 12 (-25%)
Mutual labels:  seq2seq
Adversarial-Patch-Training
Code for the paper: Adversarial Training Against Location-Optimized Adversarial Patches. ECCV-W 2020.
Stars: ✭ 30 (+87.5%)
tensorflow-chatbot-chinese
網頁聊天機器人 | tensorflow implementation of seq2seq model with bahdanau attention and Word2Vec pretrained embedding
Stars: ✭ 50 (+212.5%)
Mutual labels:  seq2seq
submodlib
Summarize Massive Datasets using Submodular Optimization
Stars: ✭ 36 (+125%)
iec-checker
Static analysis of IEC 61131-3 programs
Stars: ✭ 36 (+125%)
Mutual labels:  program-analysis
tensorflow-ml-nlp-tf2
텐서플로2와 머신러닝으로 시작하는 자연어처리 (로지스틱회귀부터 BERT와 GPT3까지) 실습자료
Stars: ✭ 245 (+1431.25%)
Mutual labels:  seq2seq
TextSumma
reimplementing Neural Summarization by Extracting Sentences and Words
Stars: ✭ 16 (+0%)
Mutual labels:  seq2seq
tiro
TIRO - A hybrid iterative deobfuscation framework for Android applications
Stars: ✭ 20 (+25%)
Mutual labels:  program-analysis
cocp
Source code for the examples accompanying the paper "Learning convex optimization control policies."
Stars: ✭ 61 (+281.25%)
chatbot
kbqa task-oriented qa seq2seq ir neo4j jena seq2seq tf chatbot chat
Stars: ✭ 32 (+100%)
Mutual labels:  seq2seq
transformer
A PyTorch Implementation of "Attention Is All You Need"
Stars: ✭ 28 (+75%)
Mutual labels:  seq2seq
surveyor
A symbolic debugger for C/C++ (via LLVM), machine code, and JVM programs
Stars: ✭ 14 (-12.5%)
Mutual labels:  program-analysis
Adversarial-Learning-for-Generative-Conversational-Agents
This repository contains a new adversarial training method for Generative Conversational Agents
Stars: ✭ 71 (+343.75%)
Mutual labels:  seq2seq
BifurcationInference.jl
learning state-space targets in dynamical systems
Stars: ✭ 24 (+50%)
1-60 of 268 similar projects