nikhil-iyer-97
Studied at BITS-Pilani Hyderabad Campus. Building Opino | Ex AI Research @ Jio-Haptik | Ex Microsoft Research India
Bangalore
Pinned Repositories
Decision-Tree-Implementation
Decision tree implementation in C++ to classify and predict salary of people using ID3 and C4.5 algorithms
examples
A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.
fp-tree-implementation
Association rule generation using FP Growth algorithm
HITS-Algorithm-implementation
Implementation of HITS algorithm for finding hub and authority scores for twitter users
Language-Identifier
Language identification toolkit for identifying what language a document is writen in
machine_learning_refined
Notes, examples, and Python demos for the textbook "Machine Learning Refined" (Cambridge University Press).
Naive-Bayes-Implementation
Sentiment analysis for movie reviews using naive bayes classifier
nikhil-iyer-97.github.io
wide-minima-density-hypothesis
Details about the wide minima density hypothesis and code to compute width of a minima
hasiee_humanTrafficking
Anamoly Detection using Generative Adversarial Neural Network to prevent human trafficking
nikhil-iyer-97's Repositories
nikhil-iyer-97/HITS-Algorithm-implementation
Implementation of HITS algorithm for finding hub and authority scores for twitter users
nikhil-iyer-97/wide-minima-density-hypothesis
Details about the wide minima density hypothesis and code to compute width of a minima
nikhil-iyer-97/Language-Identifier
Language identification toolkit for identifying what language a document is writen in
nikhil-iyer-97/fp-tree-implementation
Association rule generation using FP Growth algorithm
nikhil-iyer-97/Decision-Tree-Implementation
Decision tree implementation in C++ to classify and predict salary of people using ID3 and C4.5 algorithms
nikhil-iyer-97/examples
A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.
nikhil-iyer-97/machine_learning_refined
Notes, examples, and Python demos for the textbook "Machine Learning Refined" (Cambridge University Press).
nikhil-iyer-97/Naive-Bayes-Implementation
Sentiment analysis for movie reviews using naive bayes classifier
nikhil-iyer-97/nikhil-iyer-97.github.io
nikhil-iyer-97/Recommender-System
Usage of various techniques such as Collaborative filtering, SVD and CUR-decomposition to predict movie ratings and recommend movies
nikhil-iyer-97/Vector-Space-model
Implementation of vector space model for retrieving song lyrics from database using TF-IDF scoring mechanism
nikhil-iyer-97/Comp-Geom
nikhil-iyer-97/attention-is-all-you-need-pytorch
A PyTorch implementation of the Transformer model in "Attention is All You Need".
nikhil-iyer-97/Candidate-Elimination-Implementation
Candidate elimination algorithm implementation to generate specific and general boundaries given the dataset.
nikhil-iyer-97/char-cnn-text-classification-pytorch
Character-level Convolutional Neural Networks for text classification in PyTorch
nikhil-iyer-97/decaNLP
The Natural Language Decathlon: A Multitask Challenge for NLP
nikhil-iyer-97/DeepLearningExamples
Deep Learning Examples
nikhil-iyer-97/Kaggle-contests
Repository created for implementing code to compete in Kaggle competitions
nikhil-iyer-97/ML-Projects
A repo created for the sole purpose of implementing ML algorithms in python and understand its application in real world scenarios.
nikhil-iyer-97/mrpc-classification
nikhil-iyer-97/MRQA-Shared-Task-2019
Resources for the MRQA 2019 Shared Task
nikhil-iyer-97/mt-dnn
Multi-Task Deep Neural Networks for Natural Language Understanding
nikhil-iyer-97/practical-torchtext
A set of tutorials for torchtext
nikhil-iyer-97/Practical_NLP_in_PyTorch
A repository containing tutorials for practical NLP using PyTorch
nikhil-iyer-97/Predict-The-Happiness
A binary classification problem based on costumer reviews
nikhil-iyer-97/pytorch-rl
This repository contains model-free deep reinforcement learning algorithms implemented in Pytorch
nikhil-iyer-97/pytorch-sentiment-analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
nikhil-iyer-97/sebastinsanty.github.io
nikhil-iyer-97/spinningup
An educational resource to help anyone learn deep reinforcement learning.
nikhil-iyer-97/Type-systems-checking--Parser
Parser for C language