jovian.ai Open in urlscan Pro
34.95.123.224  Public Scan

Submitted URL: http://jovian.ml/forum/c/pytorch-zero-to-gans/18
Effective URL: https://jovian.ai/forum/c/pytorch-zero-to-gans/18
Submission: On March 15 via manual from US — Scanned from DE

Form analysis 1 forms found in the DOM

POST /forum/login

<form id="hidden-login-form" method="post" action="/forum/login" style="display: none;">
  <input name="username" type="text" id="signin_username">
  <input name="password" type="password" id="signin_password">
  <input name="redirect" type="hidden">
  <input type="submit" id="signin-button" value="Log In">
</form>

Text Content

 * Website
 * Bootcamp
 * Blog
 * Courses

Log In
 * 
 * 

We've updated this site, please refresh, or you may experience unexpected
behavior.


 1. Deep Learning with PyTorch: Zero to GANs
    
    
 2. all
    
    
 3. all tags
    
    
    

 * Latest
 * Top
 * 
   




Category Topics Latest
LECTURE 1 - PYTORCH BASICS & LINEAR REGRESSION

* PyTorch basics: tensors, gradients, and autograd * Linear regression &
gradient descent from scratch * Using PyTorch modules: nn.Linear & nn.functional
39

How optimizer.SGD runs the stochastic process? 21d
Definition of the class nn.Linear? Nov '21
Relation between the optimizer and loss.backward() Nov '21
LECTURE 2 - WORKING WITH IMAGES & LOGISTIC REGRESS

15


Lecture 2: Working with Images & Logistic Regression Jan 28
Why should we extend nn.module()? Nov '21
HTTP Error 503: Service Unavailable Aug '21
ASSIGNMENT 1 - ALL ABOUT TORCH.TENSOR

12


Assignment 1: All About torch.Tensor Jan 1

Share Your Work Here: Assignment 1 Aug '21
Stuck a submision of assignment 1 Oct '21
LECTURE 3 - TRAINING DEEP NEURAL NETWORKS ON A GPU

14


Lecture 3: Training Deep Neural Networks on a GPU 18d
ReLU is non linear but isn’t Cross Entropy also non linear? Aug '21
Num_workers and pin_memory Aug '21
ASSIGNMENT 2 - TRAIN YOUR FIRST MODEL

34


Assignment 2: Train Your First Model 4d

Share Your Work - Assignment 2 Aug '21
Assignment 2: Get error in evaluation of model 23d
LECTURE 4 - IMAGE CLASSIFICATION WITH CONVOLUTIONA

15


Lecture 4: Image Classification with Convolutional Neural Networks Jun '21
RunTime Error: CUDA error: device-side assert triggered Oct '21
Using SGD in convolutional layer network with CIFAR10 datset Aug '21
ASSIGNMENT 3 - FEED FORWARD NEURAL NETWORKS

4


Assignment 3: Feed Forward Neural Networks Jan 3
Share Your Work - Assignment 3 - Feed Forward Neural Networks Mar '21
I need help on assignment 3 Dec '20
LECTURE 5 - DATA AUGMENTATION & REGULARIZATION

12


Lecture 5: Data Augmentation, Regularization and ResNets Jan 16
Train for more epochs and the LR scheduler Jan 18
How do you get mean and standard deviation of pixels of CIFAR10 datset Nov '21
COURSE PROJECT

27


Assignment 4 - Course Project Jan 4
I am not able to train my ResNet model dues to incorrect matrix dimensions Jan
11
UserWarning: Palette images with Transparency expressed in bytes should be
converted to RGBA images Nov '21
LECTURE 6 - IMAGE GENERATION USING GANS

9


Lecture 6: Image Generation using Generative Adversarial Networks (GANs) Jan 4
Evaluation metric - real_score and fake_score Jan 18
How to load , saved checkpoints in GAN? Nov '21
COURSE OVERVIEW, HELP AND FAQS

12


Need Help? Post Questions, Doubts & Errors Here (General) Apr '21

Frequently Asked Questions (FAQ) about the PyTorch Course Aug '20

Official Course Announcements Jul '20

Online (560):


Topic Replies Views Activity

[START HERE] Welcome to Deep Learning with PyTorch: Zero to GANs
Deep Learning with PyTorch: Zero to GANs
Hi, Thanks for being a part of “Deep Learning with PyTorch: Zero to GANs”. This
is an online course that takes a hands-on coding-focused approach to deep
learning and will be taught using live interactive Jupyter note… read more 4
12.8k May '20

Assignment 2: Train Your First Model
Assignment 2 - Train Your First Model
Starter notebook: https://jovian.ai/aakashns/02-insurance-linear-regression
Overview In this assignment, we’re going to use information like a person’s age,
sex, BMI, no. of children, and smoking habit to predict the … read more 316 4.3k
4d

Lecture 3: Training Deep Neural Networks on a GPU
Lecture 3 - Training Deep Neural Networks on a GPU
Session Recordings: English: https://youtu.be/Qn5DDQn0fx0 Hindi:
https://youtu.be/9MqR_BsogDw Notebooks: aakashns/04-feedforward-nn - Jovian
aakashns/fashion-feedforward-minimal - Jovian aakashns/dataviz-cheatshee… read
more 60 1.2k 18d Course Certification
Course Overview, Help and FAQs
3 79 20d How to claim the certificate
Course Overview, Help and FAQs
0 17 20d How optimizer.SGD runs the stochastic process?
Lecture 1 - PyTorch Basics & Linear Regression
1 32 21d Assignment 2: Deep learning
Deep Learning with PyTorch: Zero to GANs
assignments
1 19 22d Assignment 2: Get error in evaluation of model
Assignment 2 - Train Your First Model
0 16 23d Jupyter kernel died after plt.imshow(Tensor Obj.)
Lecture 3 - Training Deep Neural Networks on a GPU
5 2.1k 28d I can’t save my work from colab to jovian
Deep Learning with PyTorch: Zero to GANs
22 435 29d

Lecture 2: Working with Images & Logistic Regression
Lecture 2 - Working with Images & Logistic Regress
Session Recordings: English: https://youtu.be/uuuzvOEC0zw Hindi:
https://youtu.be/qmzgJvVP9XA Notebooks : Logistic Regression:
aakashns/03-logistic-regression - Jovian Logistic Regression minimal starter:
aakashn… read more 97 1.5k Jan 28 Train for more epochs and the LR scheduler
Lecture 5 - Data Augmentation & Regularization
1 19 Jan 18 Evaluation metric - real_score and fake_score
Lecture 6 - Image Generation using GANs
0 18 Jan 18

Lecture 5: Data Augmentation, Regularization and ResNets
Lecture 5 - Data Augmentation & Regularization
Session Recordings: English: https://youtu.be/abpzOVFjklU Hindi:
https://youtu.be/S2zNff6rgOg This lesson covers some advanced techniques like
data augmentation, regularization, and adding residual layers to convolu… read
more 19 645 Jan 16 I am not able to train my ResNet model dues to incorrect
matrix dimensions
Course Project
2 31 Jan 11 Stride not used in first CNN layer
Assignment 2 - Train Your First Model
2 35 Jan 5

Lecture 6: Image Generation using Generative Adversarial Networks (GANs)
Lecture 6 - Image Generation using GANs
Session Recordings English: https://youtu.be/79IvwU3G5_Q Hindi:
https://youtu.be/87xD5NEmLhA In this lesson, we apply the techniques covered in
previous lessons for generating images for anime faces using Generative… read
more 7 679 Jan 4

Assignment 4 - Course Project
Course Project
For the course project, you will pick any dataset of your choice and apply the
concepts learned in this course to train deep learning models end-to-end with
PyTorch, experimenting with different hyperparameters & metri… read more 439
5.7k Jan 4

Assignment 3: Feed Forward Neural Networks
Assignment 3 - Feed Forward Neural Networks
Problem statement, starter notebook and submission details: Overview The ability
to try many different neural network architectures to address a problem is what
makes deep learning really powerful, especially compared… read more 116 2.0k Jan
3 In my CNN model, I can observe that the mini batch accuracy reaches 100% after
few epochs and the loss keeps decreasing. Is it correct to get such results?
What is the reason behind these values?
Deep Learning with PyTorch: Zero to GANs
4 136 Jan 2 Solve RuntimeError: mat1 and mat2 shapes cannot be multiplied
Deep Learning with PyTorch: Zero to GANs
1 382 Jan 1

Assignment 1: All About torch.Tensor
Assignment 1 - All About torch.Tensor
The objective of this assignment is to develop a solid understanding of PyTorch
tensors. In this assignment you will: Pick 5 interesting functions related to
PyTorch tensors by reading the documentation, Create a Jup… read more 103 2.2k
Jan 1 How do you get mean and standard deviation of pixels of CIFAR10 datset
Lecture 5 - Data Augmentation & Regularization
5 153 Nov '21 Why should we extend nn.module()?
Lecture 2 - Working with Images & Logistic Regress
6 68 Nov '21 UserWarning: Palette images with Transparency expressed in bytes
should be converted to RGBA images
Course Project
1 248 Nov '21 RuntimeError: equal size, but got [3, 128, 128] at entry 0 and [3,
390, 290]
Course Project
4 47 Nov '21 Definition of the class nn.Linear?
Lecture 1 - PyTorch Basics & Linear Regression
1 101 Nov '21 Error in Running code
Deep Learning with PyTorch: Zero to GANs
jovianml linear-regression torch
1 32 Nov '21 Relation between the optimizer and loss.backward()
Lecture 1 - PyTorch Basics & Linear Regression
4 66 Nov '21 How to load , saved checkpoints in GAN?
Lecture 6 - Image Generation using GANs
question
2 61 Nov '21





Invalid date Invalid date