Vineeth S (vineeths96)

vineeths96

Geek Repo

Company:Indian Institute of Science

Location:India

Home Page:www.linkedin.com/in/vineeths

Github PK Tool:Github PK Tool

Vineeth S's repositories

Spoken-Keyword-Spotting

In this repository, we explore using a hybrid system consisting of a Convolutional Neural Network and a Support Vector Machine for Keyword Spotting task.

Language:PythonLicense:MITStargazers:81Issues:4Issues:8

Spectrum-Sensing-for-Cognitive-Radio

In this repository, we deal with developing an energy detector and a detector based on cyclostationarity for an OFDM based cognitive radio system and implementing and evaluating the performance of these detectors.

Language:PythonLicense:MITStargazers:32Issues:1Issues:0

Video-Interpolation-using-Optical-Flow

In this repository, we deal with the task of video frame interpolation with estimated optical flow. To estimate the optical flow we use Lucas-Kanade algorithm, Multiscale Lucas-Kanade algorithm (with iterative tuning), and Discrete Horn-Schunk algorithm. We explore the interpolation performance on Spheres dataset and Corridor dataset.

Language:PythonLicense:MITStargazers:24Issues:1Issues:0

Compressed-Transformers

In this repository, we explore model compression for transformer architectures via quantization. We specifically explore quantization aware training of the linear layers and demonstrate the performance for 8 bits, 4 bits, 2 bits and 1 bit (binary) quantization.

Language:PythonLicense:MITStargazers:20Issues:2Issues:1

Video-Frame-Prediction

In this repository, we focus on video frame prediction the task of predicting future frames given a set of past frames. We present an Adversarial Spatio-Temporal Convolutional LSTM architecture to predict the future frames of the Moving MNIST Dataset. We evaluate the model on long-term future frame prediction and its performance of the model on out-of-domain inputs by providing sequences on which the model was not trained.

Language:PythonLicense:MITStargazers:16Issues:1Issues:0

TDOA-Localization

In this repository, we deal with developing different estimators to localize Transvahan - the e-vehicle on IISc Campus using measurements from receivers at four different locations in IISc and implementing and evaluating the performance of the estimators that we have derived.

Language:PythonLicense:MITStargazers:12Issues:1Issues:0

Persistent-Data-Structures

In this repository, we deal with the task of implementing a small library of persistent data structures in C. A persistent data structure is a data structure that always preserves the previous version of itself when it is modified. They are effectively immutable.

Language:CLicense:MITStargazers:8Issues:2Issues:0

Gradient-Compression

We present a set of all-reduce compatible gradient compression algorithms which significantly reduce the communication overhead while maintaining the performance of vanilla SGD. We empirically evaluate the performance of the compression methods by training deep neural networks on the CIFAR10 dataset.

Language:PythonLicense:MITStargazers:7Issues:2Issues:0

Video-Interpolation-using-Deep-Optical-Flow

In this repository, we deal with the task of video frame interpolation with estimated optical flow. To estimate the optical flow we use pre-trained FlowNet2 deep learning model and experiment by fine-tuning it. We explore the interpolation performance on Spheres dataset and Corridor dataset.

Language:PythonLicense:MITStargazers:7Issues:1Issues:0

Generative-Image-Compression

In this repository, we focus on the compression of images and video (sequence of image frames) using deep generative models and show that they achieve a better performance in compression ratio and perceptual quality. We explore the use of GANs for this task.

Language:PythonLicense:MITStargazers:6Issues:2Issues:0

Heterogeneous-Systems

We present an algorithm to dynamically adjust the data assigned for each worker at every epoch during the training in a heterogeneous cluster. We empirically evaluate the performance of the dynamic partitioning by training deep neural networks on the CIFAR10 dataset.

Language:PythonLicense:MITStargazers:6Issues:2Issues:0

Natural-Language-Inference

In this repository, we deal with the task of implementing Natural Language Inferencing (NLI) using the SNLI dataset. Different methods such as SumEmbeddings, BiLSTM, BiGRU, Transformers, and Logistic Regression are experimented.

Language:PythonLicense:MITStargazers:5Issues:1Issues:0

Federated-Learning

We present UDP-based aggregation algorithms for federated learning. We also present a scalable framework for practical federated learning. We empirically evaluate the performance by training deep convolutional neural networks on the MNIST dataset and the CIFAR10 dataset.

Language:PythonLicense:MITStargazers:3Issues:1Issues:1

Variational-Generative-Image-Compression

In this repository, we focus on the compression of images and video (sequence of image frames) using deep generative models and show that they achieve a better performance in compression ratio and perceptual quality. We explore the use of VAEGANs for this task.

Language:PythonLicense:MITStargazers:3Issues:2Issues:0

Video-Compression-and-PCA

In this repository, we deal with the task of calculating the principal components of natural images and video frame compression bitrate analysis.

Language:PythonLicense:MITStargazers:2Issues:1Issues:0

Visual-Odometry

In this repository, we deal with the task of Visual Odometry using Nister’s five point algorithm and eight point algorithm for essential matrix estimation. We develop our own implementations for these methods. We implement RANSAC along with these methods for outlier rejection.

Language:PythonLicense:MITStargazers:2Issues:1Issues:0

Interpolation-of-Faulty-Sensor

In this repository, we deal with developing a Wiener (LMMSE) filter and Kalman filter for interpolation of a faulty sensor in a uniform sensor array and implementing and evaluating the performance of the estimators that we have derived.

Language:PythonLicense:MITStargazers:1Issues:1Issues:0

Bayes-classifier-and-Nearest-Neighbour-classifier

In this repository, we will explore and compare different methods of classifiers such as Bayes classifier and Nearest Neighbour classifier.

Language:PythonLicense:MITStargazers:0Issues:0Issues:0

Betweenness-Centrality

In this repository, we deal with the calculation of the betweenness centrality in networks represented as undirected graphs. Betweenness centrality is a measure of the importance of a particular node in a network.

Language:CLicense:MITStargazers:0Issues:1Issues:0
License:MITStargazers:0Issues:0Issues:0

datasets

🤗 Fast, efficient, open-access datasets and evaluation metrics in PyTorch, TensorFlow, NumPy and Pandas

Language:PythonLicense:Apache-2.0Stargazers:0Issues:0Issues:0

FashionMNIST

In this repository, we deal with the FashionMNIST classification using deep multilayer perceptron (MLP) models as well as using deep convolutional neural networks (CNN) models.

Language:PythonLicense:MITStargazers:0Issues:1Issues:0

FizzBuzz

In this repository, we deal with the FizzBuzz implementation using traditional methods as well as deep learning.

Language:PythonLicense:MITStargazers:0Issues:1Issues:0

Large-Unsigned-Integer-Arithmetic

In this repository, we deal with the task of arithmetic operations (addition and multiplication) on large integers represented by singly-linked lists and doubly-linked lists.

Language:CLicense:MITStargazers:0Issues:1Issues:0

Memory-Allocators

In this repository, we deal with the implementation of the "Weighted Buddy Method for Dynamic Storage Allocation" (proposed by Shen and Peterson) and "OneBin Dynamic Storage Allocation".

Language:CLicense:MITStargazers:0Issues:1Issues:0

Polynomial-Arithmetic

In this repository, we perform the division of polynomials represented in memory with doubly linked lists.

Language:CLicense:MITStargazers:0Issues:2Issues:0

powersgd

Practical low-rank gradient compression for distributed optimization: https://arxiv.org/abs/1905.13727

Language:PythonLicense:MITStargazers:0Issues:0Issues:0

Sparse-Matrix

In this repository, we deal with the compressed row/column (CSR/CSC) format representation of sparse matrices and its manipulation. Compressed sparse matrix formats store the sparse matrixes in a much more efficient way with reduced space requirements.

Language:CLicense:MITStargazers:0Issues:1Issues:0

vineeths96

Profile README

License:MITStargazers:0Issues:0Issues:1

visitor-badge

A badge generator service to count visitors of your markdown file.

Language:HTMLLicense:GPL-3.0Stargazers:0Issues:0Issues:0