Skip to content
View psykick-21's full-sized avatar

Highlights

  • Pro

Block or report psykick-21

Block user

Prevent this user from interacting with your repositories and sending you notifications. Learn more about blocking users.

You must be logged in to block users.

Please don't include any personal information such as legal names or email addresses. Maximum 100 characters, markdown supported. This note will be visible to only you.
Report abuse

Contact GitHub support about this user’s behavior. Learn more about reporting abuse.

Report abuse
psykick-21/README.md

Hi πŸ‘‹, I'm Gaurav Sharma

Data Scientist passionate about uncovering hidden patterns in data. Adept at building and deploying machine learning and deep learning models, and data pipelines for real-world applications. Proficient in Python for data manipulation and analysis. Eager to leverage data science to solve challenging problems.

πŸ”† Highlights

Multi-Utility LLM Application

Developed a multi-utility application powered by LLMs and Langchain framework primarily

  • Question Answering: Built an interface for users to ask general questions and receive answers. Users can choose between various LLMs like gpt-3.5-turbo, llama3-8b-instruct , gemma-7b-it and Mistral-7B-Instruct-v0.2 using OpenAI API, Ollama, Groq API and HuggingFace respectively, for answering with Langchain's tools for building the pipeline.
  • Website Search: Created an interface to search websites like Wikipedia, Langsmith, and Arxiv by posing questions. Specialized Langchain agents and tools handle information lookup and context generation for each website, leveraging LLM power for delivering responses.
  • RAG App: Created a RAG chat app by combining document parsers, text splitter and a vector store and prompt into a chain, where the user can upload documents and chat with them. πŸ“‚ Head over to the repo to read about this project in detail

Text Summarization API

Built a Text-summarization API using HuggingFace transformer (Google Pegasus), train it on Samsum data from HuggingFace, build a training and inference pipeline using FAST API and deployed to AWS with CI/CD Pipeline.
πŸ“Ή Watch a demonstration video: here
πŸ“‚ Visit the repo: here

Ninjacart Image Classification

Trained an image classification model (CNN) using Tensorflow from scratch and used pre-trained models and fine-tuned them for the required use case. Used Optuna to hyperparameter tune the models and select the best performing one to infer on the test dataset.
πŸ“‚ Visit the repo: here

Customer Churn Prediction

Developed a machine learning model to predict customer churn. Utilized various classification algorithms including Logistic Regression, KNN, SVM, Decision Tree, Random Forest, XGBoost, LightGBM, AdaBoost, CatBoost and Stacking Ensemble, achieving 91.6% accuracy and 0.90 precision in identifying at-risk customers.
πŸ“‚ Visit the repo: here

Porter Regression

Built a delivery time prediction model for Porter using regression techniques. Data preprocessing included handling missing values and outliers, along with feature engineering and standardization. Experimented with various models like Linear Regression, Decision Tree, XGBoost, AdaBoost, CatBoost, LightGBM, Random Forest and Neural Networks. LightGBM Regressor achieved the best performance with a minimum mean squared error of 0.653.
πŸ“‚ Visit the repo: here


πŸ› οΈ Languages, tools and skillset:

Languages: Python, SQL
Concepts: Data Analysis, Probability and Statistics, Machine Learning, Deep Learning, Unsupervised learning, Feature Engineering, MLOps
Tools and softwares: Tableau, Postman, Docker, Git
Libraries, utilities and frameworks: Numpy, Pandas, Scikit-Learn, Matplotlib, Seaborn, Tensorflow, Keras, Pyspark, Snowflake, MongoDB, ChromaDB

Pinned Loading

  1. llm-use-cases llm-use-cases Public

    Python

  2. text-summarization-end-to-end text-summarization-end-to-end Public

    Jupyter Notebook

  3. cv-tennis-analysis cv-tennis-analysis Public

    Jupyter Notebook

  4. ninjacart-image-classification ninjacart-image-classification Public

    This repo contains the ipynb notebook of the project

    Jupyter Notebook

  5. customer-churn-prediction customer-churn-prediction Public

    Jupyter Notebook

  6. porter-regression porter-regression Public

    Jupyter Notebook