Deep Learning with PyTorch: Zero to GANs
Lecture 2 - Working with Images & Logistic Regress Course Overview, Help and FAQs Assignment 1 - All About torch.Tensor Course Project Lecture 4 - Image Classification with Convolutiona Assignment 2 - Train Your First Model Lecture 5 - Data Augmentation & Regularization 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 Lecture 3 - Training Deep Neural Networks on a GPU Lecture 6 - Image Generation using GANs Assignment 3 - Feed Forward Neural Networks
Topic | Replies | Views | Activity | |
---|---|---|---|---|
[START HERE] Welcome to 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… |
![]() |
4 | 12996 | September 1, 2020 |
Why should we extend nn.module()? |
![]() ![]() ![]() |
7 | 87 | May 17, 2022 |
Jupyter notebook error for changing grad func using With .no_grad(): |
![]() ![]() |
1 | 10 | May 16, 2022 |
Training deep learning model with convolution neural network |
![]() |
1 | 13 | May 11, 2022 |
Show_batch function isn't working on local machine |
![]() |
0 | 6 | May 11, 2022 |
How to do handle imbalance data class while working with deep learning project in Pytorch?? I have created dataloader with Imbalanced data sets . Now what to do next. Please help me. |
![]() |
0 | 12 | May 5, 2022 |
Google Colab Disk Space - How to free the space? |
![]() ![]() ![]() |
3 | 2646 | April 1, 2022 |
Training accuracy, Validation accuracy, Test accuracy |
![]() ![]() ![]() |
2 | 3023 | March 31, 2022 |
Unable to improve accuracy..? |
![]() ![]() |
1 | 22 | March 26, 2022 |
Error - Linear Regression - tensor(nan, grad_fn=<MseLossBackward0>) |
![]() ![]() |
1 | 42 | March 26, 2022 |
Need Help? Post Questions, Doubts & Errors Here (General)
If you have a question/issue related to a topic covered in a specific lecture or assignment, please ask on the respective lecture/assignment thread. Use this thread for general issues & questions related to Deep Learnin… |
![]() ![]() ![]() ![]() ![]() |
46 | 828 | April 9, 2021 |
How to save generated image without grid?- GAN |
![]() ![]() ![]() |
7 | 105 | March 20, 2022 |
Lecture 5: Data Augmentation, Regularization and ResNets
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… |
![]() ![]() ![]() ![]() ![]() |
21 | 721 | March 19, 2022 |
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 … |
![]() ![]() ![]() ![]() ![]() |
316 | 4407 | March 11, 2022 |
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… |
![]() ![]() ![]() ![]() ![]() |
59 | 1234 | January 20, 2022 |
Course Certification |
![]() ![]() ![]() |
3 | 88 | February 23, 2022 |
How to claim the certificate |
![]() |
0 | 28 | February 23, 2022 |
How optimizer.SGD runs the stochastic process? |
![]() ![]() |
1 | 51 | February 22, 2022 |
Assignment 2: Deep learning |
![]() ![]() |
1 | 36 | February 21, 2022 |
Assignment 2: Get error in evaluation of model |
![]() |
0 | 32 | February 20, 2022 |
Jupyter kernel died after plt.imshow(Tensor Obj.) |
![]() ![]() ![]() ![]() |
5 | 2750 | February 15, 2022 |
I can't save my work from colab to jovian |
![]() ![]() ![]() ![]() ![]() |
22 | 480 | February 14, 2022 |
Lecture 2: Working with Images & Logistic Regression
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… |
![]() ![]() ![]() ![]() ![]() |
97 | 1580 | January 28, 2022 |
Train for more epochs and the LR scheduler |
![]() ![]() |
1 | 34 | January 18, 2022 |
Evaluation metric - real_score and fake_score |
![]() |
0 | 39 | January 18, 2022 |
I am not able to train my ResNet model dues to incorrect matrix dimensions |
![]() ![]() |
2 | 47 | January 11, 2022 |
Stride not used in first CNN layer |
![]() ![]() |
2 | 54 | January 5, 2022 |
Lecture 6: Image Generation using Generative Adversarial Networks (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… |
![]() ![]() ![]() ![]() ![]() |
7 | 731 | January 4, 2022 |
Assignment 4 - 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… |
![]() ![]() ![]() ![]() ![]() |
439 | 5833 | January 4, 2022 |
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… |
![]() ![]() ![]() ![]() ![]() |
116 | 2076 | January 3, 2022 |