Skip to content
View shirsh10mall's full-sized avatar
Block or Report

Block or report shirsh10mall

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
shirsh10mall/README.md

Professional Profile:

Name: Shirsh Mall πŸ‘¨β€πŸŽ“

Education πŸŽ“:

  • Master of Science (MSc) in Physics, Indian Institute of Technology (IIT Delhi) πŸ›οΈ, 2021-2023
  • Bachelor of Science (BSc) in Physics Honours, Dyal Singh College, Delhi University 🏫, 2018-2021

Technical Skills πŸ› οΈ:

  1. Programming Languages: Python 🐍 β€’ Elementary C++
  2. Database: MySQL.
  3. Machine Learning πŸ“š: Supervised Learning β€’ Unsupervised Learning β€’ Model Deployment πŸš€ β€’ Model Optimization βš™οΈ β€’ Hyperparameter Tuning β€’ Model Interpretability (SHAP) 🧐 β€’ AutoML (H2O) πŸ€– β€’ Scikit-Learn β€’ Classical Algorithms β€’ Tree-Based Algorithms 🌲 β€’ Ensemble-based Algorithms.
  4. Natural Language Processing (NLP) πŸ“: Recurrent Neural Network (RNN) β€’ Hugging Face Transformers πŸ€— β€’ Text Classification β€’ Text Generation β€’ Text Summarization πŸ“‘ β€’ Topic Modeling β€’ Machine Translation 🌍 β€’ Question Answering πŸ’¬ β€’ NLP Data Preprocessing 🧹 β€’ Generative AI with LLMs β€’ Image-Text Multi-models πŸ–ΌοΈπŸ“ β€’ Semantic Search πŸ” β€’ Vector Database β€’ Named Entity Extraction.
  5. Computer Vision πŸ–ΌοΈ: Image Processing β€’ Convolutional Neural Networks (CNN) πŸ§ πŸ“· β€’ Image Segmentation β€’ Object Detection πŸ•΅οΈ β€’ Image Classification β€’ Transfer Learning πŸ”„ β€’ Feature Extraction β€’ Image Semantic Search πŸ”πŸ–ΌοΈ.
  6. Model Deployment Tools 🌐: Streamlit β€’ Flask β€’ FastAPI πŸš€ β€’ Gradio πŸ“‘ β€’ Heroku β€’ Docker Containerization 🐳 β€’ Elementary HTML and CSS 🎨.
  7. Additional Skills : Time Series Forecasting β³πŸ“ˆβ€’ Web Scraping (BeautifulSoup, Selenium, Requests) πŸ•ΈοΈ β€’ Linux.
  8. Deep Learning Tools/Framework : NumPy β€’ Pandas 🐼 β€’ Scikit-Learn β€’ TensorFlow β€’ PyTorch β€’ Keras β€’ Hugging Face Transformers πŸ€— β€’ NLTK β€’ SpaCy β€’ Gensim β€’ Word2Vec β€’ GloVe .
  9. Data Analysis and Visualization πŸ“Š: Data Wrangling 🧹 β€’ Tableau β€’ Plotly β€’ Seaborn β€’ Matplotlib .

Current Aim πŸš€:

Dedicated to securing a data science role where I can apply my skills and contribute to data-driven decision-making.

Professional Goals 🎯:

  1. Initial Years: Seeking to master data science skills, achieve continuous learning, and gain hands-on experience through collaborative projects.
  2. Future Aspiration: Aspiring to secure a Data Science Management position, leveraging my technical expertise and leadership skills.

Soft Skills πŸ’¬:

Team Player 🀝 | Collaborative 🀝

Motivation for Transition πŸ’‘:

I transitioned from a background in Physics to Data Science due to my strong affinity for computational skills, coding, and numerical analysis. Encouraged by professors' endorsements for my computational abilities during graduation and master's academic years, I discovered my passion for data science and machine learning, ultimately leading me to pursue a career in this dynamic field.

Projects 🚧:

I have diligently undertaken a range of data science courses and successfully executed diverse projects. My journey began with foundational linear regression and simple machine learning projects, eventually progressing to creating interactive dashboards, advanced machine learning and deep learning endeavours, and foraying into intricate realms such as Computer Vision and advanced Natural Language Processing.

Machine Learning and Deep Learning Projects

  1. Road Traffic Accidents Severity Prediction

  2. Patient Survival Prediction

  3. Site Energy Intensity Prediction

  1. Particle Precipitate Flux-Prediction Mesoscale

  2. Flu Shot Learning: Predict H1N1 and Seasonal Flu Vaccines

  3. Revenue Forecasting in Dynamic Price System:

Computer Vision Projects

  1. Object Detection for Traffic Vehicle Detection:

  2. Cotton Disease Prediction - Image Classification

  3. Water Bodies Segmentation in Satellite Images

Natural Language Processing Projects

  1. Semantic Search-based News Recommendation and Wikipedia Articles Question

  2. Fine-Tuning Google Flan T5 Large LLM for Instruction-Based Question Answering (Instruct QA) - LLM QLoRA PEFT - Open Orca Dataset

  3. English-Hindi Neural Machine Translation

  4. Topic Modelling on Customer Complaints

  5. Text Classification - Cyberbullying Detection and E-commerce Product Classification:

NLP - CV Multi-Model Projects

  1. Image-Text Multi-Modal Deep Learning

Data Analysis

  1. Stocks and Financial Analysis Dashboard

Coursework Assignments and MSc Thesis

  1. MSc Thesis - Advancing Computational Particle Physics through Data and Deep Learning

  2. Course Assignments

    • Link: https://github.com/shirsh10mall/Deep-Learning-Course-IIT-Delhi-APL745-

    • Non-Linear Regression and Projectile Motion: Implemented numpy and scipy-based univariate and multivariate non-linear regression models for projectile motion prediction.

    • Classification Algorithms and Optimization Techniques: Developed Logistic Regression and explored techniques like Gradient Descent, Stochastic Gradient Descent, and Mini-batch Gradient Descent for binary and multi-class classification.

    • Artificial Neural Network (ANN) for Classification: Built numpy-based ANN, performed binary/multi-class tasks on MNIST data, grasped feedforward, backpropagation, and gradient descent.

    • Convolutional Neural Network (CNN) for Image Classification: Created numpy-powered CNN, trained on MNIST images, understood convolution, pooling, and fully connected layers.

    • Recurrent Neural Network (RNN) for Time Series Data: Implemented basic RNN from scratch, applied on time series, and grasped sequential data handling.

    • Solving Differential Equations with PINN: Used PyTorch-based PINN to solve static bar problems' differential equations under specific loads.

    • Elasticity Partial Differential Equations using PINN: Applied PINN to solve elasticity-related partial differential equations for 2D planes, merging physics with neural networks.

    • DeepONet Architecture for Integration Operator: Implemented DeepONet, trained to learn integration, showcasing neural network's mathematical concept mastery.

Pinned

  1. MSc-Project---Studies-at-Large-Hadron-Collider MSc-Project---Studies-at-Large-Hadron-Collider Public

    Jupyter Notebook 1

  2. Image-Text-Multi-Models Image-Text-Multi-Models Public

    Jupyter Notebook

  3. Instruct-QnA-Fine-Tuning-Google-Flan-T5-Large-LLM-QLoRA-PEFT-Open-Orca-Dataset Instruct-QnA-Fine-Tuning-Google-Flan-T5-Large-LLM-QLoRA-PEFT-Open-Orca-Dataset Public

    Jupyter Notebook 2 1

  4. Patient-Survival-Prediction Patient-Survival-Prediction Public

    PureBasic

  5. Semantic-News-Search-and-Question-Answering-Wiki-Articles Semantic-News-Search-and-Question-Answering-Wiki-Articles Public

    Jupyter Notebook 1

  6. Stocks-and-Financial-Analysis-Dashboard Stocks-and-Financial-Analysis-Dashboard Public