Pinned Repositories
AdvGAN_cifar10
a pytorch version of AdvGAN for cifar10 dataset
deeplearning_IMDB_datasets
attention,RNN,LSTM with keras
AdvGANpro
DCGAN-and-WGAN-gp
Deformable-ConvNets
Deformable Convolutional Networks
gan
some demo of GANs
keras-deep-learning-start
a simple program of cnn
reuters_category
simple_attack_for_imagenet
ImageNet上的一个简单的目标攻击代码,天池AI安全挑战赛第二期第四名(https://tianchi.aliyun.com/competition/entrance/231761/information)
a-PyTorch-Tutorial-to-Object-Detection
SSD: Single Shot MultiBox Detector | a PyTorch Tutorial to Object Detection
qiuweimin1332499's Repositories
qiuweimin1332499/torch-mlir
The Torch-MLIR project aims to provide first class support from the PyTorch ecosystem to the MLIR ecosystem.
qiuweimin1332499/jax-triton
jax-triton contains integrations between JAX and OpenAI Triton
qiuweimin1332499/taco
The Tensor Algebra Compiler (taco) computes sparse tensor expressions on CPUs and GPUs
qiuweimin1332499/kernl
Kernl lets you run PyTorch transformer models several times faster on GPU with a single line of code, and is designed to be easily hackable.
qiuweimin1332499/muduo
Event-driven network library for multi-threaded Linux server in C++11
qiuweimin1332499/TheEconomist2022
经济学人2022年期刊 在线阅读,包含音频,如果域名无法访问,请访问http://143.198.192.146:8888
qiuweimin1332499/vector-clock-dynamic-race-detection
Dynamic data race detection simulator using the vector clock algorithm
qiuweimin1332499/HuBMAP
qiuweimin1332499/addons
Useful extra functionality for TensorFlow 2.x maintained by SIG-addons
qiuweimin1332499/segmentation_models
Segmentation models with pretrained backbones. Keras and TensorFlow Keras.
qiuweimin1332499/SparseR-CNN
End-to-End Object Detection with Learnable Proposal
qiuweimin1332499/keras-ncp
Code repository of the paper Neural circuit policies enabling auditable autonomy published in Nature Machine Intelligence
qiuweimin1332499/baselines
OpenAI Baselines: high-quality implementations of reinforcement learning algorithms
qiuweimin1332499/cityscapesScripts
README and scripts for the Cityscapes Dataset
qiuweimin1332499/yolov5
YOLOv5 in PyTorch > ONNX > CoreML > TFLite
qiuweimin1332499/ElegantRL
Lightweight, stable, efficient PyTorch implement of reinforcement learning. I want to call this PyTorch implement as "3-Python-file-RL".
qiuweimin1332499/tianshou
An elegant, flexible, and superfast PyTorch deep reinforcement learning platform.
qiuweimin1332499/mjrl
Reinforcement learning algorithms for MuJoCo tasks
qiuweimin1332499/segmentation_models.pytorch
Segmentation models with pretrained backbones. PyTorch.
qiuweimin1332499/pytorch-a2c-ppo-acktr-gail
PyTorch implementation of Advantage Actor Critic (A2C), Proximal Policy Optimization (PPO), Scalable trust-region method for deep reinforcement learning using Kronecker-factored approximation (ACKTR) and Generative Adversarial Imitation Learning (GAIL).
qiuweimin1332499/mujoco-py
MuJoCo is a physics engine for detailed, efficient rigid body simulations with contacts. mujoco-py allows using MuJoCo from Python 3.
qiuweimin1332499/DeepFaceLab
DeepFaceLab is the leading software for creating deepfakes.
qiuweimin1332499/imitation-learning
Imitation learning algorithms
qiuweimin1332499/YOLOv3_coco2017
transfer coco2017 dataset to darknet training dataset with yolov3 model.
qiuweimin1332499/Deep-reinforcement-learning-with-pytorch
PyTorch implementation of DQN, AC, ACER, A2C, A3C, PG, DDPG, TRPO, PPO, SAC, TD3 and ....
qiuweimin1332499/simple_attack_for_imagenet
ImageNet上的一个简单的目标攻击代码,天池AI安全挑战赛第二期第四名(https://tianchi.aliyun.com/competition/entrance/231761/information)
qiuweimin1332499/progressiveGAN-pytorch
largely forked from nashory but correct some mistakes in deconv function(generator)
qiuweimin1332499/DeepNude-an-Image-to-Image-technology
DeepNude's algorithm and general image generation theory and practice research, including pix2pix, CycleGAN, UGATIT, DCGAN, SinGAN and VAE models (TensorFlow2 implementation). DeepNude的算法以及通用GAN图像生成的理论与实践研究。
qiuweimin1332499/attention-is-all-you-need-pytorch
A PyTorch implementation of the Transformer model in "Attention is All You Need".
qiuweimin1332499/AdvGANpro