Pinned Repositories
BART-Text-Summarization
Abstractive text summarisation using BART model on articles data.
BERT-Text-Classification-MultiClass
Multi-class text classification model using the pre-trained BERT model.
Customer-Propensity-RFM-Purchase-Modelling
Propensity Modelling and RFM Analysis to predict users' likelihood of making a purchase.
Graph-Recommender-FAISS-ECommerce
Graph based recommender system using FAISS for e-commerce depending on purchase and search history.
Hybrid-Recommender-LightFM-Retail
Hybrid recommendation system using LightFM library and different loss functions on retail data.
MultiTouch-Attribution-Marketing-Spend-Optimization
Multi-touch attribution models to determine the channels that lead to greater customer conversions.
Ranking-Sentiment-Analysis-Product-Reviews
Sentiment analysis model for ranking product reviews, highlighting the most relevant ones while pushing down less relevant or irrelevant reviews using pairwise ranking.
RealEstate-Predictive-Analysis-Pune
Real-estate price predictive analysis using Regression, RF , XGBoost and MLP models coded in scikit-learn and TensorFlow.
Stock-Price-Prediction-YFinance-LSTM-RNN
Enhanced stock prices forecasting using Yfinance, LSTM and RNN.
TimeSeries-Greykite-NeuralProphet-Walmart-Flask
Time series model using Greykite and Neural Prophet on Walmart retail data along with Flask deployment.
AjNavneet's Repositories
AjNavneet/TimeSeries-Greykite-NeuralProphet-Walmart-Flask
Time series model using Greykite and Neural Prophet on Walmart retail data along with Flask deployment.
AjNavneet/BART-Text-Summarization
Abstractive text summarisation using BART model on articles data.
AjNavneet/BERT-Text-Classification-MultiClass
Multi-class text classification model using the pre-trained BERT model.
AjNavneet/Ranking-Sentiment-Analysis-Product-Reviews
Sentiment analysis model for ranking product reviews, highlighting the most relevant ones while pushing down less relevant or irrelevant reviews using pairwise ranking.
AjNavneet/TimeSeries-ARCH-GARCH-AWS-Deployment
ARCH and GARCH models along with MLOps pipeline using AWS platform to deploy model in a production environment.
AjNavneet/LSTM-AppReview-Rating-Classifier
Text classifier to classify app reviews on a scale of 1 to 5 using LSTM.
AjNavneet/News-Search-Sentence-BERT-ANNOY
Search relevancy algorithm for news articles using Sentence-BERT model and ANNOY library along with deployment on AWS using Docker.
AjNavneet/Rasa-NLU-ECommerce-Chatbot
Implementation of RASA NLU based chatbot for an E-Commerce business scenario.
AjNavneet/Resume-Parser-Spacy-NER
Resume parser model using Spacy NER to automatically identify and extract the key elements from resumes.
AjNavneet/ALBERT-DistilBERT-DBpedia-Classification
ALBERT and DistilBERT classification models for the DBpedia ontology dataset.
AjNavneet/Attention-Text-Classification-Customer-Complaints
Attention mechanism based multiclass text classification on a dataset of customer complaints about consumer financial products.
AjNavneet/BERT-Text-Classification-AGNews
Text classification on AG News dataset using the state-of-the-art transformer model BERT.
AjNavneet/Clinical-Trials-Search-Engine-Word-Embeddings-SkipGram-FastText
Skip-gram and FastText models to perform word embeddings for building a search engine for clinical trials dataset with a Streamlit user interface.
AjNavneet/Customer-Complaints-Text-Classification-RNN-LSTM
RNN and LSTM based text classification model on a dataset of customer complaints about consumer financial products.
AjNavneet/Digit-Recognizer-CNN-MNIST
CNN classifier to identify MNIST handwritten digits.
AjNavneet/Emotion-Classification-RoBERTa-XLNet
RoBERTa and XLNet models to perform classification on the human emotion.
AjNavneet/Emotion-Recognition-Sound-Files-RAVDESS-Keras-TensorFlow
Sentiment Analysis Model to recognise emotions from sound files with the help of Keras,TensorFlow and MLP model using scikit-learn.
AjNavneet/Fake-News-RNN-LSTM-GRU-Classifier
Fake News classifier model using RNN, LSTM and GRU.
AjNavneet/Fire-Detection-Mask-RCNN-Image-Segmentation
Mask RCNN Model for image segmentation of fire based images for easy fire detection.
AjNavneet/GRU-AppReview-Rating-Classifier-Flask
Classifier for app reviews on a scale of 1 to 5 using Gated Recurrent Unit (GRU).
AjNavneet/LSTM-Sentiment-Analysis-Airline-Reviews-Text-Generation
Sentiment detection model using many-to-one LSTMs on airline text reviews and generate contextually relevant text by training on "Alice's Adventures in Wonderland".
AjNavneet/Naive-Bayes-Text-Classification-Customer-Complaints
Naive Bayes based multiclass text classification model on customer complaints dataset.
AjNavneet/OpenCV-Advanced-Image-Video-Processing
This repository explores complex techniques and algorithms for image and video processing using the OpenCV library.
AjNavneet/OpenCV-Basic-Image-Video-Processing
This repository contains basic exploration of using OpenCV for images, videos, face detection etc.
AjNavneet/PyTorch-Tensors-Basic-Exploration
This repository explores the basics of PyTorch tensors.
AjNavneet/SkipGram-Word-Embeddings-Customer-Complaints
Continuous skip-gram model for generating word embeddings for customer complaints data.
AjNavneet/Text-Classification-Logistic-Regression-AppReviews
Basic text preprocessing and a text classification model using logistic regression for App reviews data.
AjNavneet/TimeSeries-Analysis-FbProphet-Cesium
Prophet model using the FbProphet library and MLP model using the Cesium library on time series dataset.