Abhijeet Kumar (abhijeet3922)

abhijeet3922

Geek Repo

Company:Fidelity Investments

Location:Bangalore, India

Home Page:https://appliedmachinelearning.wordpress.com/

Github PK Tool:Github PK Tool

Abhijeet Kumar's repositories

NL2SQL

Tutorials for converting natural language to SQL (NL2SQL) to fetch required data.

Language:Jupyter NotebookStargazers:1Issues:0Issues:0

Instruction_Finetuning_Tutorials

Train Large Language Models on custom datasets (Tutorials)

Language:Jupyter NotebookLicense:MITStargazers:11Issues:0Issues:0

Risks_with_LLMs

A collection of risks and mitigation techniques associated with LLM generation.

Language:Jupyter NotebookLicense:MITStargazers:0Issues:0Issues:0

finbert_embedding

Token and sentence level embeddings from FinBERT model (Finance Domain)

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

Change-Detection-in-Satellite-Imagery

It employes Principal Component Analysis (PCA) and K-means clustering techniques over difference image to detect changes in multi temporal images satellite imagery.

Language:PythonStargazers:154Issues:0Issues:0

bert-as-service

Mapping a variable-length sentence to a fixed-length vector using BERT model

License:MITStargazers:0Issues:0Issues:0

bert-embedding

🔡 Token level embeddings from BERT model on mxnet and gluonnlp

License:Apache-2.0Stargazers:1Issues:0Issues:0

Speaker-identification-using-GMMs

It uses GMM to train a speaker identification model. The training and testing has been done on subset (34 speakers) from VoxForge data corpus.

Language:PythonStargazers:54Issues:0Issues:0

Food-Classification-Task-Transfer-learning

The application demonstrates the advantage of using transfer learning for smaller datasets. Food-11 is a small dataset with 11K images for 11 categories of food. It uses features learnt by already trained VGG16 on large Imagenet data to train a classifier for Food Classification Task..

Language:Jupyter NotebookStargazers:6Issues:0Issues:0

Web-Crawling-Scrapping-Bot

An application to showcase usage of selenium and beautifulsoup to crawl a website and scrap the desired page in order to extract required infromation

Language:Jupyter NotebookStargazers:3Issues:0Issues:0

opencv

Open Source Computer Vision Library

Language:C++License:NOASSERTIONStargazers:0Issues:0Issues:0

QA-system-memory-networks-bAbI-dataset

Building a question and answering system using single layer memory network model on bAbI dataset by facebook. Currently, It is done only for single supporting fact task.

Language:Jupyter NotebookStargazers:4Issues:0Issues:0

NER_Disease_Extraction_Hackathon

"Innoplexus Online Hiring Hackathon: Saving lives with AI" where disease name has to be extracted from documents. The solution employes a Time distributed BI-LSTM model to perform Named Entity Recognition with 77.8% F1 score.

Language:Jupyter NotebookStargazers:4Issues:0Issues:0

Predict-the-Happiness-HackerEarth-Challenge

It uses 2-layered fully connected/Dense Neural network model to predict whether the hotel reviews at TripAdvisor site are positive sentiment or negative sentiment.

Language:PythonStargazers:5Issues:0Issues:0

Toxic_Comment_Classification_Challenge

Building a multi-label classification model which predict a probability for each of the six possible types of comment toxicity (toxic, severe_toxic, obscene, threat, insult, identity_hate)

Language:PythonStargazers:1Issues:0Issues:0

tf-fashionMNIST

A tensorflow tutorial on Fashion MNIST Dataset. The aim is to showcase an implementation of tensorflow based deep learning model from scratch.

Language:PythonStargazers:5Issues:0Issues:0

FaceEmotion_ID

Detects Face using Haarcascades and further detects emotion in bounded face (trained a CNN emotion detector model)

Language:PythonStargazers:49Issues:0Issues:0

Topic-Modelling-on-Wiki-corpus

It uses Latent Dirichlet Allocation algorithm to discover hidden topics from the articles. It is trained on 60,000 articles taken from simple wikipedia english corpus. Finally, It can extract the topic of the given input text article.

Language:PythonStargazers:26Issues:0Issues:0

Face_ID

Face Recognition using MTCNN face detector and FaceNet (pre-trained by davidsandberg) based identification.

Language:PythonStargazers:33Issues:0Issues:0

Image-compression-with-Kmeans-clustering

A lossy compression to illustrate an application of K-means clustering algorithm

Language:PythonStargazers:21Issues:0Issues:0

WNS-DS-Hackathon

It's a hackathon problem where we have to predict whether an employee will be promoted or not based on features. (HR Analytics)

Language:Jupyter NotebookStargazers:4Issues:0Issues:0

Object-recognition-CIFAR-10

It is object recognition task on CIFAR-10 dataset using CNN. It shows how to achieve 90% accuracy.

Language:PythonStargazers:14Issues:0Issues:0

darknet

Convolutional Neural Networks

Language:CLicense:NOASSERTIONStargazers:0Issues:0Issues:0

Text-classification-and-clustering

It demonstrates the example of text classification and text clustering using K-NN and K-Means models based on tf-idf features.

Language:PythonStargazers:15Issues:0Issues:0

User-Verification-based-on-Keystroke-Dynamics

To verify a subject's identity based on his keystroke patterns, ie, his typing habits

Language:PythonStargazers:15Issues:0Issues:0

PyGender-Voice

It uses GMM to train a gender detector model. The testing has been done on subset of Google's AudioSet corpus.

Language:PythonStargazers:20Issues:0Issues:0

Language-Detection-From-Text---Bi-gram-based

A bi-gram based language model used for language detection task from text

Language:PythonStargazers:4Issues:0Issues:0

Sentiment-Analysis-using-tf-idf---Polarity-dataset

It uses term frequency and inverse document frequency to do sentiment polarity analysis on movie reviews.

Language:PythonStargazers:7Issues:0Issues:0

Mail-Spam-Filtering

It uses machine learning models (Multinomial NB & SVM) to predict whether the email is spam or ligitimate on two corpus namely Ling-spam corpus and Euron-spam corpus.

Language:PythonStargazers:84Issues:0Issues:0