Thanks to visit codestin.com
Credit goes to github.com

Skip to content
View ZahirAhmadChaudhry's full-sized avatar

Highlights

  • Pro

Block or report ZahirAhmadChaudhry

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.

Maximum 250 characters. Please don't include any personal information such as legal names or email addresses. 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
ZahirAhmadChaudhry/README.md

[MasterHead]

Zahir Ahmad

Machine Learning Research Engineer | MSc ML & Data Mining | Applying AI in Healthcare & Sustainability

zahirahmadchaudhry


πŸ‘¨β€πŸ’» About Me

  • πŸŽ“ MSc in Machine Learning & Data Mining at UniversitΓ© Jean Monnet, France
  • πŸ”¬ Research Engineer at Laboratoire Coactis - working on NLP for sustainability discourse and Healthcare AI
  • πŸ“Š Built explainable ML systems for ICU infection risk prediction (AUC-ROC > 0.98)
  • πŸ€– Specialized in NLP, LLMs, Multi-Agent Systems, and Explainable AI
  • πŸ“„ Paper under review: Explainable ICU Infection Risk Prediction (Int. J. Medical Informatics)

πŸ”­ Current Focus

  • Multi-agent LLM systems with LangGraph
  • Physics-informed machine learning
  • Explainable AI for high-stakes domains
  • Graph Neural Networks for recommendations

πŸ› οΈ Tech Stack

Languages: Python, C++, SQL, R

ML/DL: PyTorch, TensorFlow, Scikit-learn, HuggingFace, LangChain, LangGraph

Specializations: NLP/LLMs (BERT, GPT, RAG, LoRA), Computer Vision, GNNs, Transfer Learning, Multi-Agent Systems

MLOps: Docker, Kubernetes, SLURM, MLflow, Optuna, W&B, DVC, Git

Data: Pandas, NumPy, SHAP, LIME, PostgreSQL, MongoDB, Vector DBs (Pinecone, Chroma)

Cloud/Viz: Azure, CUDA, Streamlit, Plotly, Matplotlib


πŸ† Recent Projects

  • French Sustainability Paradox Detection: Built first large-scale corpus (1,074 videos) with 97% accuracy using NLP + LLMs
  • ICU Infection Risk Prediction: Explainable ML pipeline integrating clinical and organizational data
  • Graph Neural Networks for E-Commerce: Kaggle competition - benchmarked NGCF, LightGCN (Hitrate@10: 0.36)
  • Multilingual LLM Bias Evaluation: Quantified translation bias across 11 languages using XQuAD
  • CryoET 3D Object Detection: Protein complex detection in cryo-electron tomograms

πŸ“« Connect


zahirahmadchaudhry

Pinned Loading

  1. transfer-learning-and-optimal-transport-project-AML transfer-learning-and-optimal-transport-project-AML Public

    The objective of this project is to implement two different domain adaptation methods and to test them on the real-world computer vision Office/Caltech dataset

    Python

  2. Cardiovascular-disease-prediction-using-deep-leaerning Cardiovascular-disease-prediction-using-deep-leaerning Public

    I have developed a deep learning model designed to predict CVD using ANNs and CNNs.

    Python 1

  3. credit-cards-approval-classification-using-SVM credit-cards-approval-classification-using-SVM Public

    This project is the part of the Machine Learning Algorithms course of our second semester of Machine Learning and Data Mining at Jean Monnet Universityg and

    Jupyter Notebook

  4. Exoplanets-Dataset-Analysis Exoplanets-Dataset-Analysis Public

    In this project, I explore a dataset of exoplanets, planets outside our solar system, aiming to extract insights using data analysis techniques. The dataset contains information on 1013 exoplanets …

    Jupyter Notebook

  5. Optimizing-k-Nearest-Neighbors-Classifier Optimizing-k-Nearest-Neighbors-Classifier Public

    This study evaluates and optimizes the k-Nearest Neighbors (k-NN) classifier, a machine learning algorithm that can find patterns in large, highdimensional datasets.

    Jupyter Notebook

  6. Pulsar_dataset_Classification_using_SVM Pulsar_dataset_Classification_using_SVM Public

    This project focuses on classifying pulsar stars using the Support Vector Machine (SVM) algorithm, a powerful method in the realm of supervised learning. The goal is to automate the identification …

    Python