Skip to content

maxgray2056/GANs

Folders and files

NameName
Last commit message
Last commit date

Latest commit

 

History

5 Commits
 
 
 
 
 
 
 
 
 
 

Repository files navigation

Deep learning project 3 (GAN)

DCGAN, WGAN, ACGAN, WACGAN

Table of Contents

Projects

Background

These projects are for CPSC8430, Clemson University

Install

This project uses Python 3 based on Jupyter Notebook

This project is based on Pytorch 1.7.0 & cudnn 1.10 Official website: Previous PyTorch Versions

pip install -f https://download.pytorch.org/whl/cu110/torch_stable.html torch==1.7.0+cu110 torchvision==0.8.0 --user

Packages

This list gives all recommended packages (may not necessary)

import os
os.environ["KMP_DUPLICATE_LIB_OK"]="TRUE"
TORCH_CUDA_ARCH_LIST="8.6"
CUDA_LAUNCH_BLOCKING=1

import os
import cv2
import time
import random
import numpy as np
import matplotlib.pyplot as plt
from PIL import Image
from glob import glob

import torch
import torchvision
import torch.nn as nn
import torch.optim as optim
import torch.backends.cudnn as cudnn
import torchvision.transforms.functional as TF
import torchvision.transforms as transformtransforms

from tqdm import tqdm
from torchsummary import summary
from torchvision import transforms
from torchvision.transforms import ToPILImage
from torch.utils.data import Dataset, DataLoader

Contributing

This project is contributed by: hao9@clemson.edu

About

DCGAN, WGAN, ACGAN, WACGAN

Resources

Stars

Watchers

Forks

Releases

No releases published

Packages

No packages published

Languages