Pinned Repositories
DMS
Dynamic Multimodal Instance Segmentation Guided by Natural Language Queries, ECCV 2018
BayesianNetworkInference
Implementation of Inference on Bayesian Networks. This implementation assumes the input BIF files to have a certain structure.
ChestXRay-DSC481
Repository for Predicting Pneumonia using Chest XRay images. Done as part of the final Project for DSC481 course at University of Rochester.
CLIP
Contrastive Language-Image Pretraining
CS224D-Deep-Learning-for-Natural-Language-Processing-Coursework
Coursework for CS224D- Deep Learning for Natural Language Processing (2016). The lectures were followed through youtube and homeworks were followed from the class website.
NeuralNetwork
Implementation of Neural network using sigmoid units and cross entropy loss on Iris and Connect-4 dataset. Also includes decision tree implementations.
PropositionalLogic-Enumeration-DPLL
Implementation of inference methods for Propositional Logic. I have implemented Enumeration and DPLL methods.
pysot
SenseTime Research platform for single object tracking, implementing algorithms like SiamRPN and SiamMask.
Pytorch-VAE
This repository implements a simpleVAE for training on CPU on the MNIST dataset and provides ability to visualize the latent space, entire manifold as well as visualize how numbers interpolate between each other.
Simple-Recurrent-Units
Forked version of SRU to aid my experimentation with DMS . SRU - Training RNNs as Fast as CNNs (https://arxiv.org/abs/1709.02755) . DMS - https://github.com/BCV-Uniandes/DMS
tusharkumar91's Repositories
tusharkumar91/PropositionalLogic-Enumeration-DPLL
Implementation of inference methods for Propositional Logic. I have implemented Enumeration and DPLL methods.
tusharkumar91/BayesianNetworkInference
Implementation of Inference on Bayesian Networks. This implementation assumes the input BIF files to have a certain structure.
tusharkumar91/ChestXRay-DSC481
Repository for Predicting Pneumonia using Chest XRay images. Done as part of the final Project for DSC481 course at University of Rochester.
tusharkumar91/CLIP
Contrastive Language-Image Pretraining
tusharkumar91/CS224D-Deep-Learning-for-Natural-Language-Processing-Coursework
Coursework for CS224D- Deep Learning for Natural Language Processing (2016). The lectures were followed through youtube and homeworks were followed from the class website.
tusharkumar91/NeuralNetwork
Implementation of Neural network using sigmoid units and cross entropy loss on Iris and Connect-4 dataset. Also includes decision tree implementations.
tusharkumar91/pysot
SenseTime Research platform for single object tracking, implementing algorithms like SiamRPN and SiamMask.
tusharkumar91/Pytorch-VAE
This repository implements a simpleVAE for training on CPU on the MNIST dataset and provides ability to visualize the latent space, entire manifold as well as visualize how numbers interpolate between each other.
tusharkumar91/Simple-Recurrent-Units
Forked version of SRU to aid my experimentation with DMS . SRU - Training RNNs as Fast as CNNs (https://arxiv.org/abs/1709.02755) . DMS - https://github.com/BCV-Uniandes/DMS
tusharkumar91/csc249_final_proj
Final Project of CSC249 at URCS
tusharkumar91/csc249_hw4
tusharkumar91/DaSiamRPN
[ECCV2018] Distractor-aware Siamese Networks for Visual Object Tracking
tusharkumar91/DecisionTree
A self implemented version of Decision Tree following ID3 implementation together with tree pruning. Dataset used is Mushroom dataset from UCI ML repository - https://archive.ics.uci.edu/ml/datasets/mushroom
tusharkumar91/densecap
tusharkumar91/FactorizableNet
Factorizable Net (Multi-GPU version): An Efficient Subgraph-based Framework for Scene Graph Generation
tusharkumar91/LinearRegression
An implementation of Linear Regression for predicting the insurance expenses using the data provided in https://www.kaggle.com/brandonyongys/insurance-charges/data
tusharkumar91/LogisticRegression
Implementation of Logistic regression on two datasets, Dummy exam marks dataset and Wine dataset
tusharkumar91/MiniMax-TicTacToe
Implementation of Minimax Algorithm for TicTacToe(3*3), NineBoard(9*9) and Ultimate TicTacToe(https://en.wikipedia.org/wiki/Ultimate_tic-tac-toe)
tusharkumar91/moments_models
The pretrained models trained on Moments in Time Dataset
tusharkumar91/MSDN
This is our PyTorch implementation of Multi-level Scene Description Network (MSDN) proposed in our ICCV 2017 paper.
tusharkumar91/NaiveBayes
Self implemented version of Naive Bayes and Gaussian Naive Bayes classifier
tusharkumar91/NLP-Coursework-Coursera
Homeworks for NLP course by Dan Jurafsky and Chris Manning provided through Coursera. Since the courses are no longer up on Coursera, the homeworks were taken from another course which closely follows that one - http://www.mohamedaly.info/teaching/cmp-462-spring-2013
tusharkumar91/PatternMiningAlgorithms-Apriori-FPGrowth
Self implementation of Frequent Item set mining algorithms Apriori and FpGrowth on Adult Dataset (http://archive.ics.uci.edu/ml/datasets/Adult)
tusharkumar91/Predicting-Popularity-of-OnlineNewsArticles-using-Machine-Learning
Implementation of Machine Learning algorithms using Pytorch framework to predict the popularity of an online news article through its features. Uses the UCI dataset (https://archive.ics.uci.edu/ml/datasets/online+news+popularity)
tusharkumar91/test
tusharkumar91/TRN-pytorch
Temporal Relation Networks