All Projects → GunhoChoi → Pytorch Fastcampus

GunhoChoi / Pytorch Fastcampus

PyTorch로 시작하는 딥러닝 입문 CAMP (2017.7~2017.12) 강의자료

Projects that are alternatives of or similar to Pytorch Fastcampus

China job survey
stats of Chinese developers. 统计中国程序员的就业情况
Stars: ✭ 441 (-1.34%)
Mutual labels:  jupyter-notebook
Python Ml Course
Curso de Introducción a Machine Learning con Python
Stars: ✭ 442 (-1.12%)
Mutual labels:  jupyter-notebook
3dmol.js
WebGL accelerated JavaScript molecular graphics library
Stars: ✭ 443 (-0.89%)
Mutual labels:  jupyter-notebook
Deeplearningzerotoall
TensorFlow Basic Tutorial Labs
Stars: ✭ 4,239 (+848.32%)
Mutual labels:  jupyter-notebook
Tcav
Code for the TCAV ML interpretability project
Stars: ✭ 442 (-1.12%)
Mutual labels:  jupyter-notebook
Pytorch Maml
PyTorch implementation of MAML: https://arxiv.org/abs/1703.03400
Stars: ✭ 444 (-0.67%)
Mutual labels:  jupyter-notebook
Dsp Theory
Theory of digital signal processing (DSP): signals, filtration (IIR, FIR, CIC, MAF), transforms (FFT, DFT, Hilbert, Z-transform) etc.
Stars: ✭ 437 (-2.24%)
Mutual labels:  jupyter-notebook
Dynslam
Master's Thesis on Simultaneous Localization and Mapping in dynamic environments. Separately reconstructs both the static environment and the dynamic objects from it, such as cars.
Stars: ✭ 446 (-0.22%)
Mutual labels:  jupyter-notebook
Publaynet
Stars: ✭ 442 (-1.12%)
Mutual labels:  jupyter-notebook
Orion
A machine learning library for detecting anomalies in signals.
Stars: ✭ 445 (-0.45%)
Mutual labels:  jupyter-notebook
Nglview
Jupyter widget to interactively view molecular structures and trajectories
Stars: ✭ 440 (-1.57%)
Mutual labels:  jupyter-notebook
Reinforcement learning tutorial with demo
Reinforcement Learning Tutorial with Demo: DP (Policy and Value Iteration), Monte Carlo, TD Learning (SARSA, QLearning), Function Approximation, Policy Gradient, DQN, Imitation, Meta Learning, Papers, Courses, etc..
Stars: ✭ 442 (-1.12%)
Mutual labels:  jupyter-notebook
Deeplearning Ahem Detector
Stars: ✭ 444 (-0.67%)
Mutual labels:  jupyter-notebook
Lucid
A collection of infrastructure and tools for research in neural network interpretability.
Stars: ✭ 4,344 (+871.81%)
Mutual labels:  jupyter-notebook
Face Image Motion Model
Face Image Motion Model (Photo-2-Video) based on "first-order-model" repository.
Stars: ✭ 446 (-0.22%)
Mutual labels:  jupyter-notebook
Generative Models
Annotated, understandable, and visually interpretable PyTorch implementations of: VAE, BIRVAE, NSGAN, MMGAN, WGAN, WGANGP, LSGAN, DRAGAN, BEGAN, RaGAN, InfoGAN, fGAN, FisherGAN
Stars: ✭ 438 (-2.01%)
Mutual labels:  jupyter-notebook
Modsimpy
Text and supporting code for Modeling and Simulation in Python
Stars: ✭ 443 (-0.89%)
Mutual labels:  jupyter-notebook
Rl Portfolio Management
Attempting to replicate "A Deep Reinforcement Learning Framework for the Financial Portfolio Management Problem" https://arxiv.org/abs/1706.10059 (and an openai gym environment)
Stars: ✭ 447 (+0%)
Mutual labels:  jupyter-notebook
Jupyter tensorboard
Start Tensorboard in Jupyter Notebook
Stars: ✭ 446 (-0.22%)
Mutual labels:  jupyter-notebook
Swiftai
Swift for TensorFlow's high-level API, modeled after fastai
Stars: ✭ 445 (-0.45%)
Mutual labels:  jupyter-notebook

PyTorch FastCampus

PyTorch로 시작하는 딥러닝 입문 CAMP (www.fastcampus.co.kr/data_camp_pytorch/) 1,2기 강의자료

Requirements

Optional

설치방법 PyTorch & Jupyter Notebook

강의자료

1강 Deep Learning & PyTorch

  1. 파이썬 기초

  2. 프레임워크 비교

  3. 파이토치 기본 사용법

2강 Linear Regression & Neural Network

  1. Automatic Gradient Calculation

  2. 시각화 툴 Visdom 소개

  3. 선형회귀모델

  4. 선형회귀모델의 한계

  5. 인공신경망 모델 - 2차함수근사

  6. 인공신경망 모델 - 3차함수근사

  7. 인공신경망 모델 - 2D데이터

3강 Convolutional Neural Network - Basic

  1. CNN 기본 모듈

  2. NN으로 MNIST 풀어보기

  3. CNN으로 MNIST 풀어보기

  4. CNN으로 CIFAR10 풀어보기

4강 Convolutional Neural Network - Advanced

  1. Custom Data 불러오기

  2. VGGNet 구현해보기

  3. GoogLeNet 구현해보기

  4. ResNet 구현해보기

5강 Recurrent Neural Network - Basic

  1. RNN 직접 만들어보기

  2. LSTM 튜토리얼

  3. LSTM으로 문장 기억하기

  4. nn.Embedding 사용법

  5. Shakespeare 문체 모방하기-RNN

  6. Shakespeare 문체 모방하기-GRU

  7. Shakespeare 문체 모방하기-LSTM

6강 Problem & Solutions

  1. Weight Regularization

  2. Dropout

  3. Data Augmentation

  4. Weight Initialization

  5. Learning Rate Scheduler

  6. Data Normalization

  7. Batch Normalization

  8. Gradient Descent Variants

7강 Transfer Learning

  1. Transfer Learning Basic 학습된 모델에서 원하는 부분만 뽑아내고 학습시키기

  2. Style Transfer 명화의 그림체 모방하기

  3. t-SNE Visualization 뽑아낸 스타일들이 어떻게 분포하는지 확인해보기

8강 AutoEncoder & Transposed Convolution

  1. Basic Autoencoder

  2. Embedding Vector는 어떻게 분포하고 있을까? (돌아온 t-SNE)

  3. Convolutional Autoencoder (CNN + Autoencoder)

  4. Convolutional Denoising Autoencoder (Noise + CNN + Autoencoder)

  5. Variational Autoencoder (latent vector z~N(0,I))

  6. Convolutional Variational Autoencoder

  7. Convolutional VAE Latent Space Interpolation

9강 Generative Adversarial Networks

  1. Basic GAN using NN

  2. DCGAN (CNN + GAN)

  3. InfoGAN (Mutual Information Maximizing + GAN)

10강 Deep Learning Applications

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].