cv
Basics
| Name | Narayan Jangid |
| Label | AI & ML Engineer |
| narine0233@gmail.com | |
| Phone | +919462637251 |
| Url | https://Narayan-21.github.io/ |
| Summary | Machine Learning Engineer focused on LLMs, VLMs, RAG, and time-series forecasting; shipped secure, production-grade GenAI and vision systems.Currently conducting independent research on LLM efficiency across pre-training, post-training, and inference.Strong interest in Mixture-of-Experts (MoE) transformer architectures, and actively learning CUDA and PTX to optimize large-scale model training and deployment.My Recent Interests include - Parallel Programming, LLM Efficiency and deployment, Mixture-of-Experts (MoE) transformer architectures, Agentic AI and Language Modeling. |
Work
-
2025.03 - Present Machine Learning Engineer
Kloudspot
Enhancing LISA AI by incorporating multi‑modal generative AI capabilities and delivering end‑to‑end production features.
- Enhanced LISA AI with advanced generative AI features and built an MCP client for seamless integration with enterprise data sources and tools.
- Deployed and optimized multiple LLMs on RTX-4090 GPUs, improving scalability to handle high-concurrency workloads with lower latency.
- Instruction finetuned multiple Open-source LLMs such as Llama 3.1, Deepseek, Qwen for advanced reasoning tasks and instruction alignments.
- Performed in-depth tuning of vLLM and SGLang frameworks with EAGLE/EAGLE-3 speculative decoding, achievingup to 2X higher throughput and 2.7–3.5X latency reduction in production.
- Tech stack: - Python, Docker, MongoDB, FastAPI, MCP, vLLM, SGLang, GPU Optimizations, PyTorch, Supervised fine-tuning (SFT), Large Language Models.
-
2023.11 - 2025.02 Associate Data Scientist
Celebal Technologies
Designed and deployed AI solutions across RAG, computer vision and predictive analytics on Azure with strong security and observability.
- Led AI solutions using Azure OpenAI and document intelligence to extract, embed and index structured/unstructured data; +15% BLEU and +10% semantic similarity.
- Implemented enterprise security with Azure AD, APIM and versioning across AI solutions.
- Improved RAG for tabular data; search accuracy 60%→85%; integrated chat history and logging via Azure Cosmos DB.
- Built hybrid VLM inference: quantized finetuned model on edge + full finetuned model on cloud; real‑time video analytics pipeline with adaptive edge–cloud switching; achieved 77.9% mAP (YOLO11, QLoRA, PyTorch, SmiolVLM).
- Developed predictive analytics for energy demand forecasting using ARIMA/SARIMA, XGBoost, LightGBM, CatBoost, K‑Means; achieved 75.2% R² for electricity load detection.
- Delivered on‑prem OCR using open‑source models and domain finetuning: Microsoft Table Transformer, Tesseract OCR, Layout Parser, Detectron2, ONNX Runtime.
-
2023.06 - 2023.10 Data Science Intern
Celebal Technologies
Improved enterprise search pipelines and finetuned LLMs for SQL/NoSQL tasks.
- Enhanced Azure OpenAI RAG for tabular data; accuracy 60%→85%; integrated chat/logging using Azure Cosmos DB.
- Finetuned GPT‑3.5‑turbo‑1106 and Mistral‑7B for SQL, NoSQL and Mongo query generation; >95% DataComp score.
-
2021.05 - 2022.07 Graduate Research Student
IISER Kolkata — Environmental Nanoscience Lab
Quantified estuarine metals and analyzed surface‑groundwater interactions with risk indices and correlation analysis.
- Quantified As/Mn in estuarine compartments; exceeded WHO limits (As 0.01 mg/L, Mn 0.05 mg/L).
- Evaluated soil/sediment toxicity and surface‑groundwater interactions.
Education
-
2021.08 - 2022.07 Kolkata, WB
Master of Science (MS)
Indian Institute of Science Education and Research Kolkata
Earth Sciences (Minor in Physics)
-
2017.08 - 2021.05 Kolkata, WB
Bachelor of Science (BS)
Indian Institute of Science Education and Research Kolkata
Science (Physics, Mathematics, Earth Sciences)
Certificates
Skills
| Programming Languages | |
| Python | |
| C | |
| C++ | |
| SQL | |
| JavaScript | |
| TypeScript | |
| GoLang |
| Libraries | |
| Pandas | |
| NumPy | |
| Matplotlib | |
| Transformers | |
| OpenCV | |
| PEFT | |
| PySpark | |
| Cuda |
| Frameworks | |
| PyTorch | |
| TensorFlow | |
| LangChain | |
| LlamaIndex | |
| Celery | |
| gRPC | |
| Flask | |
| FastAPI |
| Frontend Frameworks | |
| React | |
| NextJS |
| Technologies | |
| Git | |
| Docker | |
| Databricks | |
| Azure AI Services | |
| Azure Functions | |
| AWS EC2 | |
| AWS Lambda | |
| Cloudflare Workers | |
| Selenium | |
| WebSockets |
| Databases | |
| MySQL | |
| PostgreSQL | |
| Azure Cosmos DB | |
| MongoDB | |
| Redis | |
| Cloudflare D1 |
Languages
| English | |
| Fluent |
| Hindi | |
| Native |
Interests
| Machine Learning |
| Language Modelling |
| Large Language Models |
| ML Systems |
| Parallel Programming |
| Agentic AI |
Projects
- 2023.05 - Present
U‑Net Paper Implementation (Medical Imaging)
Implemented U‑Net in PyTorch to segment 512×512 CXR images from a Kaggle pneumonia dataset.
- Dice score 0.87 after 3 epochs with a 23‑layer encoder‑decoder network.
- Masked images; batch size 16; Adam lr=0.0001; BCEWithLogitsLoss; local visualization.
- 2023.06 - Present
Deep Convolutional GAN (DCGAN) on MNIST
Built a DCGAN in PyTorch to generate 28×28 MNIST digits from 60k images.
- FID 32.4 after 5 epochs using strided/transposed convolutions.
- Batch size 128; Adam lr=0.0002; BCE loss; batch norm; ReLU/LeakyReLU; TensorBoard visualization.