smallflyingpig
B.S of Huazhong University of Science and Technology (HUST). Ph.D of University of Chinese Academy of Science (UCAS).
Pinned Repositories
Generative_Adversarial_Networks_PyTorch
(PyTorch) Implementations of GAN, Improved GAN, DCGAN, LAPGAN, and InfoGAN in PyTorch
learning-to-fool-the-speaker-recognition
code for paper "learning to fool the speaker recognition"
projects
some projects for course
pytorch_examples
some examples by pytorch
pytorch_video_caption
some models for video caption implemented by pytorch. (S2VT)
SoundNet_Pytorch
converting the pretrained tensorflow SoundNet model to pytorch
speech-to-image-translation-without-text
Code for paper "direct speech-to-image translation"
Surround360
Surround360 is Facebook's open source hardware and software for capturing stereoscopic 3D 360 video for VR. The repo contains hardware designs, as well as software for camera control and rendering.
universal_adversarial_perturbation_generative_network_for_speaker_recognition
code for paper "Universal Adversarial Perturbations Generative Network for Speaker Recognition"
xavs2
xavs2 is an open-source encoder of Chinese AVS2 video coding standard.
smallflyingpig's Repositories
smallflyingpig/lstm_stock_pred_pytorch
stock prediction via lstm using pytorch
smallflyingpig/python_audio
python code for audio processing
smallflyingpig/3D-convolutional-speaker-recognition-pytorch
:speaker: Deep Learning & 3D Convolutional Neural Networks for Speaker Verification
smallflyingpig/AMC-GAN
reimplement of AMC-GAN: https://sites.google.com/vision.snu.ac.kr/icml2018-video-prediction
smallflyingpig/avspeech-downloader
AVSpeech downloader
smallflyingpig/crnn-pytorch
Pytorch implementation of OCR system using CRNN + CTCLoss
smallflyingpig/datamining
learn in datamining
smallflyingpig/DAVEnet-pytorch
Deep Audio-Visual Embedding network (DAVEnet) implementation in PyTorch
smallflyingpig/docker_examples
some examples for docker/nvidia_docker
smallflyingpig/draw_pytorch
DRAW: A Recurrent Neural Network For Image Generation
smallflyingpig/faster-rcnn.pytorch
A faster pytorch implementation of faster r-cnn
smallflyingpig/improved_gan_training
smallflyingpig/l3embedding
Learn and L3 embedding from audio/video pairs
smallflyingpig/MNIST-baselines
Baseline classifiers on the polluted MNIST dataset, SJTU CS420 course project
smallflyingpig/mocogan
MoCoGAN: Decomposing Motion and Content for Video Generation
smallflyingpig/PWC-Net
PWC-Net: CNNs for Optical Flow Using Pyramid, Warping, and Cost Volume, CVPR 2018 (Oral)
smallflyingpig/pycochleagram
Generate cochleagrams natively in Python. Ported from Josh McDermott's MATLAB code.
smallflyingpig/Python-Bing-TTS
Microsoft Bing Text to Speech library for Python
smallflyingpig/python_nlp
text processing with python
smallflyingpig/pytorch-CycleGAN-and-pix2pix
Image-to-image translation in PyTorch (e.g., horse2zebra, edges2cats, and more)
smallflyingpig/pytorch-fid
A Port of Fréchet Inception Distance (FID score) to PyTorch
smallflyingpig/senet.pytorch
PyTorch implementation of SENet
smallflyingpig/StackGAN
smallflyingpig/StackGAN-v2
smallflyingpig/tacotron2
Tacotron 2 - PyTorch implementation with faster-than-realtime inference
smallflyingpig/torchdiffeq
Differentiable ODE solvers with full GPU support and O(1)-memory backpropagation.
smallflyingpig/tutorials
Caffe2 Tutorials
smallflyingpig/VIG
Dataset for Visually Indicated Sound Generation by Perceptually Optimized Classification
smallflyingpig/waveglow
A Flow-based Generative Network for Speech Synthesis
smallflyingpig/wavenet_vocoder
WaveNet vocoder