Pinned Repositories
Autonomous-Driving-Car-Detection
Car Detection for Autonomous driving using YOLO algorithm.
Data-Science-Projects-using-R
This repo consists of some Data Analysis and ML projects done in R Studio. These are Hospital Quality Analysis, Pollution Analysis, Analysis of Household Electric Power Consumption, Personal Activity Monitor, Visualization of Covid 19 spread, and Heart Rate Analysis.
Facial-Expression-Recognition
The aim is to build and train a model to recognize facial expressions. The objective is to classify each face based on the emotion shown in the facial expression into one of seven categories (0=Angry, 1=Disgust, 2=Fear, 3=Happy, 4=Sad, 5=Surprise, 6=Neutral). Directly serve the trained model to a web interface and perform real-time facial expression recognition on video and image data.
Histopathologic-Cancer-Detection
The aim is to create an algorithm to identify metastatic cancer in small image patches taken from larger digital pathology scans. We detect cancer by identifying metastatic tissue in histopathologic scans of lymph nodes using Deep Learning. Implemented using Keras.
Improvise-a-Jazz-Solo-using-LSTM-Network
The aim is to train a Long Short Term Memory (LSTM) network to generate novel jazz solos in a style representative of a body of performed work.
Model-PyTorch-Implementations
Consists of PyTorch implementations of some state of the art neural networks.
Planar-data-classification-with-one-hidden-layer
The aim is to build a simple neural network, which will have a hidden layer. This model is then used to classify planar data.
ResNet50
The aim is to build a Deep Convolutional Network using Residual Networks (ResNet). Here we build ResNet 50 using Keras.
Text-Prediction-Model
This model predicts upto 3 words that the user might use next based upon the text entered. It was built using text data from Twitter, Blogs and News. Currently, it's built for English Text and can be further used for other languages. It is made by building n-gram models (bigrams, trigrams and quadgrams).
shambhavimalik's Repositories
shambhavimalik/Data-Science-Projects-using-R
This repo consists of some Data Analysis and ML projects done in R Studio. These are Hospital Quality Analysis, Pollution Analysis, Analysis of Household Electric Power Consumption, Personal Activity Monitor, Visualization of Covid 19 spread, and Heart Rate Analysis.
shambhavimalik/Histopathologic-Cancer-Detection
The aim is to create an algorithm to identify metastatic cancer in small image patches taken from larger digital pathology scans. We detect cancer by identifying metastatic tissue in histopathologic scans of lymph nodes using Deep Learning. Implemented using Keras.
shambhavimalik/ResNet50
The aim is to build a Deep Convolutional Network using Residual Networks (ResNet). Here we build ResNet 50 using Keras.
shambhavimalik/Autonomous-Driving-Car-Detection
Car Detection for Autonomous driving using YOLO algorithm.
shambhavimalik/Planar-data-classification-with-one-hidden-layer
The aim is to build a simple neural network, which will have a hidden layer. This model is then used to classify planar data.
shambhavimalik/Facial-Expression-Recognition
The aim is to build and train a model to recognize facial expressions. The objective is to classify each face based on the emotion shown in the facial expression into one of seven categories (0=Angry, 1=Disgust, 2=Fear, 3=Happy, 4=Sad, 5=Surprise, 6=Neutral). Directly serve the trained model to a web interface and perform real-time facial expression recognition on video and image data.
shambhavimalik/Improvise-a-Jazz-Solo-using-LSTM-Network
The aim is to train a Long Short Term Memory (LSTM) network to generate novel jazz solos in a style representative of a body of performed work.
shambhavimalik/Model-PyTorch-Implementations
Consists of PyTorch implementations of some state of the art neural networks.
shambhavimalik/Text-Prediction-Model
This model predicts upto 3 words that the user might use next based upon the text entered. It was built using text data from Twitter, Blogs and News. Currently, it's built for English Text and can be further used for other languages. It is made by building n-gram models (bigrams, trigrams and quadgrams).
shambhavimalik/3D-Machine-Learning
A resource repository for 3D machine learning
shambhavimalik/Building-and-Implementing-Deep-Neural-Network-for-Image-Classification
We first build our own Neural Network Step by step then we use it to classify images as Cat or Not a Cat.
shambhavimalik/ConvNet
Built a fully functioning Convolutional Neural Network using numpy and also successfully implemented a fully functioning ConvNet using TensorFlow.
shambhavimalik/COVID-CT
COVID-CT-Dataset: A CT Scan Dataset about COVID-19
shambhavimalik/Logistic-Regression-Model-with-a-Neural-Network-Mindset
The aim is to build a logistic regression classifier to recognize cats. This project will step through how to do this with a Neural Network mindset.
shambhavimalik/Neural-Network-Model-to-decipher-Sign-Language
Build a Neural Network Model using TensorFlow and used it on SIGNS dataset to decipher sign language. The algorithm can recognize a sign representing a figure between 0 and 5
shambhavimalik/pytorch-image-classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
shambhavimalik/pytorch-toolbelt
PyTorch extensions for fast R&D prototyping and Kaggle farming
shambhavimalik/pytorch-tutorial
PyTorch Tutorial for Deep Learning Researchers
shambhavimalik/segmentation_models.pytorch
Segmentation models with pretrained backbones. PyTorch.
shambhavimalik/tidy-text-mining
Manuscript of the book "Tidy Text Mining with R" by Julia Silge and David Robinson