blog-img
blog-img
blog-img
blog-img
blog-img
blog-img
blog-img
blog-img
blog-img
blog-img
blog-img
blog-img
blog-img
blog-img
blog-img
blog-img
blog-img

Semantic Segmentation suite in PyTorch | pytorch-semseg

  1. Developed a python library pytorch-semseg which provides out-of-the-box implementations of most semantic segmentation architectures and dataloader interfaces to popular datasets in PyTorch.
  2. Wrote a blog post summarizing the development of semantic segmentation architectures over the years which was widely shared on Reddit, Hackernews and LinkedIn.

[ Blog Post ] [ Code ]

3D Generative Adversarial Networks | tf-3dgan
CS749 Digital Geometry Processing | Course Project

  1. Implemented a NIPS 2016 paper on 3D Generative Adversarial Networks to generate 3D Objects in Tensorflow.
  2. Experimented with low layer feature matching, inverted loss, autoencoder pretraining and bias-free versions to overcome the GAN convergence problem.

[ Blog Post ] [ Code ]

Hyperspectral Satellite Image Segmentation
GNR602 Advanced Satellite Image Processing | Course Project

  1. Worked on hyperspectral (4 and 20 band) high-resolution satellite image segmentation using convolutional encoder-decoder neural networks like SegNet and U-Net.
  2. Developed an end to end pipeline achieving a mean accuracy of 82% on Zurich dataset.

[ Code ]

Music Genre Classification using Convolutional Recurrent Neural Networks
CS725 Machine Learning | Course Project

  1. Developed a music genre classifier based on a ISMIR 2016 paper, using convolutional recurrent neural networks with mel-spectrogram of the audio as input feature vector.
  2. Achieved 0.84 top-3 accuracy on Marsyas dataset.

[ Code ]

Brain Tumor Segmentation using Convolutional Neural Networks
Data Science Team | Fractal Analytics

  1. Developed an AI tool to automatically detect, segment and classify tumors in MRIs, and suggest corresponding diagnosis methods using deep learning techniques as convolutional neural networks achieving 64% segmentation accuracy.
  2. Utilized image data pre-processing techniques like symmetry-subtraction, localized image quantization and deployed 3Dand Triplanar Convolutiontal Neural Networksin Keras on Theano to automatically segment the tumors.

Seizure detection from EEG Signals using Convolutional Bi-RNNs
EE779 Advanced Topics in Signal Processing | Course Project

  1. Implemented a ICLR 2016 paper with improvements and modifications to extract robust spatio-temporal features as image representations of the FFT of the polar projected EEG signals and trained a recurrent convolutional neural network to achieve 0.62 AUC score.
[ Code ]

Carrom-RL - Reinforcement Learning based agent to play carrom.
CS747 Intelligent and Learning Agents | Course Project

  1. Developed an reinformcement learning agent to play carrom in single and multi-player settings.
  2. Explored and implemented reinforcement learning various techniques as deep Q-learning (DQN), deep deterministic policy gradients (DDPG) and geometric approaches.
[ Code ]

Convolutional Neural Networks for Image Classification
CS 663 Digital Image Processing | Course Project

  1. Implemented a Convolutional Neural Network in MATLAB from scratch for object based image classification using several feature extraction techniques and data precprocessing using ZCA whitening.
  2. Achieved competiitve results on CIFAR-10, STL-10 and MNIST datasets
  3. .

[ Code ]

PCA Based Face Recognition and Reconstruction
CS 663 Digital Image Processing | Course Work

[ Code ]

CUDA Library for High Performance Computer Vision.
ME766 High Performance Scientific Computing | Course Project

  1. Implemented popular Image Processing and Computer Vision algorithms to CUDA kernels for improved execution times.
  2. Achieved speed gain around 3x to 6x over non-GPU accelerated code for Adaptive Histogram Equalization, Gaussion Noise Filters, S.T. Corner Detection etc.
[ Code ]

Digital Image Processing Techniques
CS 663 Digital Image Processing | Course Work

[ Code ]

8-bit Pipelined & Multicycle RISC Processor Design
EE309 Microprocessors | Course Work

  1. Designed 8-bit Multicycle and Pipelined Processors based on Little Computer Architecture from scratch and synthesized the same on Altera DE0 Nano FPGA.
  2. Used Branch Predictors, Priority Encoders and Hazard Detection Units to reduce latencies and significantly reduce the branch hazards.
[ Code ]

Synthesizeable Arbitrary Precision Floating and FixedPoint Library
Architectures for Computation Acceleration Team, Advanced Digital Sciences Center

  1. Developed bit-width independent Fixed Point Integer and Arbitrary Precision Floating Point C++ libraries compatible with High Level Synthesis HLS Tools to accelerate and optimize hardware descriptions
  2. Implemented modified versions of arithmetic operations of fixed point integers and floating points to achieve comparable results with fixed point libraries in industry level HLS tools such as Xilinx Vivado and Calypto Catapult.
  3. Presently the only library with fixed points compatible across all major HLS tools with competitive performance and precision.

Matsya - Autonomous Underwater Vehicle IIT-Bombay
IIT Bombay

  1. Developing and enhancing the Software & Control System for AUV (Autonomous UnderWater Vehicle) Matsya 3.0 which included fetching data from visual, inertial, acoustic & depth sensors planted on the vehicle and analysing the data to perform real-life tasks using Robotic Operating System (ROS).
  2. SemiFinalists at RoboSub 2013, 2014.
[ Code ] [ Report ]

Capacited Vehicle Routing Problem with Time Windows
Quantitative Methods Lab | IIM Ahmedabad

  1. Developed mathematical models for k-period symmetric capacited travelling salesman problem with time windows using novel subtour elimination constraints and Branch & Bound techniques as a part of an Industrial Supply Chain Optimization Project by Britannia Industries Ltd.
  2. Implemented the model as a combinatorial optimization problem in IBM-ILOG CPLEX solver to produce quick integer programming solutions.
[ Code ] [ Report ]

Vishynoid - Physical Chess Playing Robot
Institute Technical Summer Project | IIT Bombay

  1. One of the Top 10 Summer Projects out of about 100 projects in 2014 selected for display at Science EXPO 2014.
  2. Developing and optimizing the Artificial Intelligence of the bot using α-β pruning to minimize the moves-search tree and used NegaMax function to analyse the score at every node.
  3. Used edge and color detection to detect human moves, implementing 2-axis robotic grippers to move the chess pieces,with all threads running on Beagleboard Black.
[ Code ] [ Report ]

TechFest 2k15 Android Application | IIT-Bombay
Techfest 2015 | IIT Bombay

  1. Made a first of its kind and highly appreciated event experience enhancement app that provided a list of events happening at the current time of the day in a visually categorized on a dynamically updated map and navigation to events during the festival from users location.
  2. Rated 4.9/5.0 and over 5k downloads.
  3. Google Drive Schedules and Cache Optimization to minimize app updates and reduce network dependence respectively
[ Code ] [ Report ]

R-Based Statistical Computing Interface.

  1. Developed a R-based Django web interface for statisticians to upload data in standard formats and providing statistical insights into the data and interactive and exportable visualizations.
  2. Implemented R query optimization using the OpenCPU Architecture to make the interface independent of the request load and used d3 and highcharts for interactive visualization.

[ Code ]

IIT-Bombay ASC Visualization Toolkit.
ME766 Software Development | Course Project

  1. Django based app to display ASC IIT-Bombay data in a interactive and popular formats with features of automatically generating Google Calendar compatible iCalender files and HTML timetables of student schedules.
  2. Developed an API in python which uses browser emulation tool selenium to bypass the security measures of ASC website to extract data.
[ Code ]

Semantic Segmentation suite in PyTorch | pytorch-semseg

  1. Developed a python library pytorch-semseg which provides out-of-the-box implementations of most semantic segmentation architectures and dataloader interfaces to popular datasets in PyTorch.
  2. Wrote a blog post summarizing the development of semantic segmentation architectures over the years which was widely shared on Reddit, Hackernews and LinkedIn.

[ Blog Post ] [ Code ]

3D Generative Adversarial Networks | tf-3dgan
CS749 Digital Geometry Processing | Course Project

  1. Implemented a NIPS 2016 paper on 3D Generative Adversarial Networks to generate 3D Objects in Tensorflow.
  2. Experimented with low layer feature matching, inverted loss, autoencoder pretraining and bias-free versions to overcome the GAN convergence problem.

[ Blog Post ] [ Code ]

Hyperspectral Satellite Image Segmentation
GNR602 Advanced Satellite Image Processing | Course Project

  1. Worked on hyperspectral (4 and 20 band) high-resolution satellite image segmentation using convolutional encoder-decoder neural networks like SegNet and U-Net.
  2. Developed an end to end pipeline achieving a mean accuracy of 82% on Zurich dataset.

[ Code ]

Music Genre Classification using Convolutional Recurrent Neural Networks
CS725 Machine Learning | Course Project

  1. Developed a music genre classifier based on a ISMIR 2016 paper, using convolutional recurrent neural networks with mel-spectrogram of the audio as input feature vector.
  2. Achieved 0.84 top-3 accuracy on Marsyas dataset.

[ Code ]

Brain Tumor Segmentation using Convolutional Neural Networks
Data Science Team | Fractal Analytics

  1. Developed an AI tool to automatically detect, segment and classify tumors in MRIs, and suggest corresponding diagnosis methods using deep learning techniques as convolutional neural networks achieving 64% segmentation accuracy.
  2. Utilized image data pre-processing techniques like symmetry-subtraction, localized image quantization and deployed 3Dand Triplanar Convolutiontal Neural Networksin Keras on Theano to automatically segment the tumors.

Seizure detection from EEG Signals using Convolutional Bi-RNNs
EE779 Advanced Topics in Signal Processing | Course Project

  1. Implemented a ICLR 2016 paper with improvements and modifications to extract robust spatio-temporal features as image representations of the FFT of the polar projected EEG signals and trained a recurrent convolutional neural network to achieve 0.62 AUC score.
[ Code ]

Carrom-RL - Reinforcement Learning based agent to play carrom.
CS747 Intelligent and Learning Agents | Course Project

  1. Developed an reinformcement learning agent to play carrom in single and multi-player settings.
  2. Explored and implemented reinforcement learning various techniques as deep Q-learning (DQN), deep deterministic policy gradients (DDPG) and geometric approaches.
[ Code ]

Convolutional Neural Networks for Image Classification
CS 663 Digital Image Processing | Course Project

  1. Implemented a Convolutional Neural Network in MATLAB from scratch for object based image classification using several feature extraction techniques and data precprocessing using ZCA whitening.
  2. Achieved competiitve results on CIFAR-10, STL-10 and MNIST datasets
  3. .

[ Code ]

Capacited Vehicle Routing Problem with Time Windows
Quantitative Methods Lab | IIM Ahmedabad

  1. Developed mathematical models for k-period symmetric capacited travelling salesman problem with time windows using novel subtour elimination constraints and Branch & Bound techniques as a part of an Industrial Supply Chain Optimization Project by Britannia Industries Ltd.
  2. Implemented the model as a combinatorial optimization problem in IBM-ILOG CPLEX solver to produce quick integer programming solutions.
[ Code ] [ Report ]

Semantic Segmentation suite in PyTorch | pytorch-semseg

  1. Developed a python library pytorch-semseg which provides out-of-the-box implementations of most semantic segmentation architectures and dataloader interfaces to popular datasets in PyTorch.
  2. Wrote a blog post summarizing the development of semantic segmentation architectures over the years which was widely shared on Reddit, Hackernews and LinkedIn.

[ Blog Post ] [ Code ]

3D Generative Adversarial Networks | tf-3dgan
CS749 Digital Geometry Processing | Course Project

  1. Implemented a NIPS 2016 paper on 3D Generative Adversarial Networks to generate 3D Objects in Tensorflow.
  2. Experimented with low layer feature matching, inverted loss, autoencoder pretraining and bias-free versions to overcome the GAN convergence problem.

[ Blog Post ] [ Code ]

Hyperspectral Satellite Image Segmentation
GNR602 Advanced Satellite Image Processing | Course Project

  1. Worked on hyperspectral (4 and 20 band) high-resolution satellite image segmentation using convolutional encoder-decoder neural networks like SegNet and U-Net.
  2. Developed an end to end pipeline achieving a mean accuracy of 82% on Zurich dataset.

[ Code ]

Brain Tumor Segmentation using Convolutional Neural Networks
Data Science Team | Fractal Analytics

  1. Developed an AI tool to automatically detect, segment and classify tumors in MRIs, and suggest corresponding diagnosis methods using deep learning techniques as convolutional neural networks achieving 64% segmentation accuracy.
  2. Utilized image data pre-processing techniques like symmetry-subtraction, localized image quantization and deployed 3Dand Triplanar Convolutiontal Neural Networksin Keras on Theano to automatically segment the tumors.

PCA Based Face Recognition and Reconstruction
CS 663 Digital Image Processing | Course Work

[ Code ]

CUDA Library for High Performance Computer Vision.
ME766 High Performance Scientific Computing | Course Project

  1. Implemented popular Image Processing and Computer Vision algorithms to CUDA kernels for improved execution times.
  2. Achieved speed gain around 3x to 6x over non-GPU accelerated code for Adaptive Histogram Equalization, Gaussion Noise Filters, S.T. Corner Detection etc.
[ Code ]

Digital Image Processing Techniques
CS 663 Digital Image Processing | Course Work

[ Code ]

Matsya - Autonomous Underwater Vehicle IIT-Bombay
IIT Bombay

  1. Developing and enhancing the Software & Control System for AUV (Autonomous UnderWater Vehicle) Matsya 3.0 which included fetching data from visual, inertial, acoustic & depth sensors planted on the vehicle and analysing the data to perform real-life tasks using Robotic Operating System (ROS).
  2. SemiFinalists at RoboSub 2013, 2014.
[ Code ] [ Report ]

Music Genre Classification using Convolutional Recurrent Neural Networks
CS725 Machine Learning | Course Project

  1. Developed a music genre classifier based on a ISMIR 2016 paper, using convolutional recurrent neural networks with mel-spectrogram of the audio as input feature vector.
  2. Achieved 0.84 top-3 accuracy on Marsyas dataset.

[ Code ]

Seizure detection from EEG Signals using Convolutional Bi-RNNs
EE779 Advanced Topics in Signal Processing | Course Project

  1. Implemented a ICLR 2016 paper with improvements and modifications to extract robust spatio-temporal features as image representations of the FFT of the polar projected EEG signals and trained a recurrent convolutional neural network to achieve 0.62 AUC score.
[ Code ]

8-bit Pipelined & Multicycle RISC Processor Design
EE309 Microprocessors | Course Work

  1. Designed 8-bit Multicycle and Pipelined Processors based on Little Computer Architecture from scratch and synthesized the same on Altera DE0 Nano FPGA.
  2. Used Branch Predictors, Priority Encoders and Hazard Detection Units to reduce latencies and significantly reduce the branch hazards.
[ Code ]

Synthesizeable Arbitrary Precision Floating and FixedPoint Library
Architectures for Computation Acceleration Team, Advanced Digital Sciences Center

  1. Developed bit-width independent Fixed Point Integer and Arbitrary Precision Floating Point C++ libraries compatible with High Level Synthesis HLS Tools to accelerate and optimize hardware descriptions
  2. Implemented modified versions of arithmetic operations of fixed point integers and floating points to achieve comparable results with fixed point libraries in industry level HLS tools such as Xilinx Vivado and Calypto Catapult.
  3. Presently the only library with fixed points compatible across all major HLS tools with competitive performance and precision.

Vishynoid - Physical Chess Playing Robot
Institute Technical Summer Project | IIT Bombay

  1. One of the Top 10 Summer Projects out of about 100 projects in 2014 selected for display at Science EXPO 2014.
  2. Developing and optimizing the Artificial Intelligence of the bot using α-β pruning to minimize the moves-search tree and used NegaMax function to analyse the score at every node.
  3. Used edge and color detection to detect human moves, implementing 2-axis robotic grippers to move the chess pieces,with all threads running on Beagleboard Black.
[ Code ] [ Report ]

TechFest 2k15 Android Application | IIT-Bombay
Techfest 2015 | IIT Bombay

  1. Made a first of its kind and highly appreciated event experience enhancement app that provided a list of events happening at the current time of the day in a visually categorized on a dynamically updated map and navigation to events during the festival from users location.
  2. Rated 4.9/5.0 and over 5k downloads.
  3. Google Drive Schedules and Cache Optimization to minimize app updates and reduce network dependence respectively
[ Code ] [ Report ]

R-Based Statistical Computing Interface.

  1. Developed a R-based Django web interface for statisticians to upload data in standard formats and providing statistical insights into the data and interactive and exportable visualizations.
  2. Implemented R query optimization using the OpenCPU Architecture to make the interface independent of the request load and used d3 and highcharts for interactive visualization.

[ Code ]

IIT-Bombay ASC Visualization Toolkit.
ME766 Software Development | Course Project

  1. Django based app to display ASC IIT-Bombay data in a interactive and popular formats with features of automatically generating Google Calendar compatible iCalender files and HTML timetables of student schedules.
  2. Developed an API in python which uses browser emulation tool selenium to bypass the security measures of ASC website to extract data.
[ Code ]