Open in app
Home
Notifications
Lists
Stories

Write
Akshaj Verma
Akshaj Verma

Home

About

Published in Towards Data Science

·May 9, 2020

PyTorch[Vision] — Multiclass Image Classification

This notebook takes you through the implementation of multi-class image classification with CNNs using the Rock Paper Scissor dataset on PyTorch. Import Libraries import numpy as np import pandas as pd import seaborn as sns from tqdm.notebook import tqdm import matplotlib.pyplot as plt import torch import torchvision import torch.nn as nn import torch.optim as optim import torch.nn.functional as F from torchvision import…

Data Science

13 min read

PyTorch [Vision] — Multiclass Image Classification
PyTorch [Vision] — Multiclass Image Classification

Published in Towards Data Science

·Apr 24, 2020

PyTorch [Vision] — Binary Image Classification

This notebook takes you through the implementation of binary image classification with CNNs using the hot-dog/not-dog dataset on PyTorch. — Import Libraries import numpy as np import pandas as pd import seaborn as sns from tqdm.notebook import tqdm import matplotlib.pyplot as plt import torch import torchvision import torch.nn as nn import torch.optim as optim import torch.nn.functional as F from torchvision import transforms, utils, datasets from torch.utils.data import Dataset, DataLoader, SubsetRandomSampler

Akshaj Wields Pytorch

12 min read

PyTorch [Vision] — Binary Image Classification
PyTorch [Vision] — Binary Image Classification

Published in Towards Data Science

·Apr 11, 2020

PyTorch [Basics] — Sampling Samplers

This notebook takes you through an implementation of random_split, SubsetRandomSampler, and WeightedRandomSampler on Natural Images data using PyTorch. Import Libraries import numpy as np import pandas as pd import seaborn as sns from tqdm.notebook import tqdm import matplotlib.pyplot as plt import torch import torchvision import torch.nn as nn import torch.optim as optim import torch.nn.functional as F from…

Machine Learning

6 min read

PyTorch [Basics] — Sampling Samplers
PyTorch [Basics] — Sampling Samplers

Published in Towards Data Science

·Mar 28, 2020

Pytorch [Tabular] — Regression

This blog post takes you through an implementation of regression on tabular data using PyTorch. — We will use the red wine quality dataset available on Kaggle. This dataset has 12 columns where the first 11 are the features and the last column is the target column. The data set has 1599 rows. Import Libraries We’re using tqdm to enable progress bars for training and testing loops. import…

Machine Learning

8 min read

Pytorch [Tabular] — Regression
Pytorch [Tabular] — Regression

Published in Towards Data Science

·Mar 18, 2020

PyTorch [Tabular] —Multiclass Classification

This blog post takes you through an implementation of multi-class classification on tabular data using PyTorch. — We will use the wine dataset available on Kaggle. This dataset has 12 columns where the first 11 are the features and the last column is the target column. The data set has 1599 rows. Import Libraries We’re using tqdm to enable progress bars for training and testing loops. import numpy as…

Data Science

11 min read

PyTorch [Tabular] —Multiclass Classification
PyTorch [Tabular] —Multiclass Classification

Published in Towards Data Science

·Feb 29, 2020

PyTorch [Tabular] — Binary Classification

This blog post takes you through an implementation of binary classification on tabular data using PyTorch. — We will use the lower back pain symptoms dataset available on Kaggle. This dataset has 13 columns where the first 12 are the features and the last column is the target column. The data set has 300 rows.

Data Science

9 min read

Pytorch [Tabular] — Binary Classification
Pytorch [Tabular] — Binary Classification

Published in Towards Data Science

·Feb 15, 2020

Pytorch [Basics] — Intro to RNN

This blog post takes you through the different types of RNN operations in PyTorch. — This blog post takes you through the implementation of Vanilla RNNs, Stacked RNNs, Bidirectional RNNs, and Stacked Bidirectional RNNs in PyTorch by predicting a sequence of numbers.

Machine Learning

14 min read

Pytorch [Basics] — Intro to RNN
Pytorch [Basics] — Intro to RNN

Published in Towards Data Science

·Feb 1, 2020

Pytorch [Basics] — Intro to Dataloaders and Loss Functions

This blog post takes you through Dataloaders and different types of Loss Functions in PyTorch. — In this blog post, we will see a short implementation of custom dataset and dataloader as well as see some of the common loss functions in action. Datasets and Dataloaders

Deep Learning

6 min read

Pytorch [Basics] — Intro to Dataloaders and Loss Functions
Pytorch [Basics] — Intro to Dataloaders and Loss Functions

Published in Towards Data Science

·Jan 18, 2020

Pytorch [Basics] — Intro to CNN

This blog post takes you through the different types of CNN operations in PyTorch. — In this blog post, we will implement 1D and 2D convolutions using torch.nn. What is a CNN? A Convolutional Neural Network is type of neural network that is used mainly in image processing applications. Other applications of CNNs are in sequential data such as audio, time series, and NLP. Convolution is one of the…

Deep Learning

9 min read

Pytorch [Basics] — Intro to CNN
Pytorch [Basics] — Intro to CNN

Published in Towards Data Science

·Jan 6, 2020

PyTorch [Basics] — Tensors and Autograd

This blog post takes you through a few of the most commonly used tensor operations and demonstrates the Autograd functionality in PyTorch. — With all the hype around PyTorch, I decided to take the plunge and learn it towards the end of 2019. Getting started was kind of tough because there are not a lot of tutorials which (in my opinion) are good for beginners. …

Machine Learning

9 min read

PyTorch [Basics] — Tensors and Autograd
PyTorch [Basics] — Tensors and Autograd
Akshaj Verma

Akshaj Verma

Computer Vision and Deep Learning.

Following
  • TDS Editors

    TDS Editors

  • Towards AI Editorial Team

    Towards AI Editorial Team

  • NYU Center for Data Science

    NYU Center for Data Science

  • Av Shrikumar

    Av Shrikumar

  • Daryl Pereira

    Daryl Pereira

Help

Status

Writers

Blog

Careers

Privacy

Terms

About

Knowable