TS
Menu

© 2025 Taljinder Singh

Taljinder Singh

Data Scientist

ASU MS-DS '26 | 2+ Years Experience

Transforming raw data into actionable insights through machine learning, scalable cloud pipelines, and AI-driven solutions.

About Me

Transforming Data into Business Impact

Data scientist and ML engineer with a passion for building intelligent systems

Portfolio photo

My Journey in Data Science

I am a graduate student in Data Science at Arizona State University with 2+ years of professional experience in analytics and pricing strategy at OYO and Indus Insights.

My expertise spans machine learning, forecasting, optimization, and cloud-based data pipelines. I have a proven track record of designing scalable solutions that improved forecasting accuracy, optimized pricing models, and drove measurable revenue growth.

Leveraging AI/ML to solve complex business problems

Core Competencies

Machine Learning
90%
Data Pipelines
82%
Forecasting
88%
Cloud (AWS)
75%
2+
Years Experience
In analytics & ML engineering
10%
Revenue Uplift
Through pricing optimization
100+
Properties Optimized
Using data-driven models

Project Notebooks

Interactive data science workflows with code, visualizations, and insights

Click "Run All" to explore each project in detail
AI_Recipe_Generator.ipynb
👉

AI Indian Recipe Generator

Explored the use of Large Language Models (LLMs) for AI-driven recipe generation based on input ingredients.

In [1]:
# Fine-tuning LLMs for Recipe Generation
from transformers import AutoModelForCausalLM, AutoTokenizer
from peft import LoraConfig, get_peft_model
import torch

# Load base model (LLAMA3.2)
model_name = "meta-llama/Llama-3.2-7B"
tokenizer = AutoTokenizer.from_pretrained(model_name)

# Configure QLoRA for efficient fine-tuning
# Click "Run All" to see full project details
Key Metrics:
Model Accuracy96%
Dataset Size5,900 recipes
BLEU Score0.52
PythonQLoRALLAMA2/3.2
Book_Recommender_CF.ipynb
👉

Book Recommender System

Developed a personalized book recommendation system using collaborative filtering techniques on the Book-Crossing dataset.

In [1]:
# Collaborative Filtering for Book Recommendations
import pandas as pd
import numpy as np
from sklearn.metrics.pairwise import cosine_similarity

# Load Book-Crossing dataset
ratings_df = pd.read_csv('BX-Book-Ratings.csv')
books_df = pd.read_csv('BX-Books.csv')

# Build user-item matrix for collaborative filtering
# Click "Run All" to see full project details
Key Metrics:
DatasetBook-Crossing
MethodCollaborative Filtering
RecommendationsPersonalized
PythonCollaborative FilteringMachine Learning
HR_Analytics_Dashboard.ipynb
👉

HR Analytics Dashboard

Created a visual HR analytics dashboard using Tableau as part of coursework at Arizona State University.

In [1]:
# HR Analytics Dashboard - Data Preparation
import pandas as pd
import numpy as np

# Load HR dataset
hr_data = pd.read_csv('hr_dataset.csv')

# Analyze employee attrition patterns
attrition_rate = hr_data['Attrition'].value_counts(normalize=True)

# Prepare data for Tableau visualization
# Click "Run All" to see full project details
Key Metrics:
PlatformTableau
Focus AreaHR Analytics
VisualizationsInteractive Dashboard
TableauData VisualizationHR Analytics
Yelp_Arizona_Analysis.ipynb
👉

Yelp Arizona Analysis

Performed comprehensive analysis of the Yelp dataset for Arizona, focusing on restaurant businesses and user behavior.

In [1]:
# Yelp Arizona Analysis - PySpark Processing
from pyspark.sql import SparkSession
from pyspark.sql.functions import col, count, avg

# Initialize Spark session
spark = SparkSession.builder.appName("YelpAnalysis").getOrCreate()

# Load Yelp JSON files (business, review, user, tip, checkin)
business_df = spark.read.json("yelp_academic_dataset_business.json")

# Filter for Arizona restaurants
az_restaurants = business_df.filter(col("state") == "AZ")
# Click "Run All" to see full project details
Key Metrics:
Data Files5 JSON files
Processing EngineApache Spark
Geographic FocusArizona
Apache SparkPySparkSpark SQL

Professional Projects

Real-world solutions delivering measurable business results

+8-10%
Accuracy Boost
Indus InsightsEnergy Trading

Brent & Gas-Oil Spread Forecasting

Challenge

Energy trading desks rely on accurate short- to medium-term forecasts of commodity spreads for daily trading decisions, hedging strategies, and portfolio rebalancing. Existing Excel-based statistical models lacked the ability to capture non-linear dependencies between macro variables and price spreads, adaptability to shifting volatility regimes during global market fluctuations (e.g., OPEC decisions, inflation shocks), and automated performance monitoring.

Solution

Developed advanced LSTM-based forecasting framework to predict the spread between Brent crude oil and Gas-Oil prices. Aggregated 10+ years of daily data from multiple sources (EIA, Bloomberg, proprietary feeds). Engineered 30+ lag and trend features using temporal shifting, moving averages, and differencing. Implemented LSTM architecture in TensorFlow/Keras with grid-search tuning for sequence length, hidden units, dropout, and learning rate. Used walk-forward cross-validation to simulate production deployment and avoid look-ahead bias. Added model-drift monitoring pipeline for automatic retraining triggers.

8-10%
Accuracy
LSTM
Model
10+
Data Years
PythonTensorFlowKerasLSTMTime Series AnalysisFeature Engineering
+10%
Impact

Price & NPV Prediction Models

Indus InsightsFinancial Analytics

Challenge

Financial analysts needed standardized NPV estimation across verticals, accounting for real-time macro changes (inflation, interest rates, FX rates) while reducing human bias in manual spreadsheet forecasts. The client's decision pipeline lacked automation and cross-portfolio comparability, leading to inconsistent pricing strategies and delayed approvals.

Solution

Developed a comprehensive pricing and NPV prediction framework integrating macroeconomic indicators and deal-specific features. Engineered 20+ predictive features capturing macroeconomic trends (interest rate spread, CPI, PMI), industry-specific multipliers, and deal-level variables. Built feature store for reusable variables across business units. Implemented regularized regression (Ridge, Lasso) and tree-based ensembles (XGBoost, RandomForest) with cross-validated grid search. Automated pipeline for quarterly model retraining and deployed as Python microservice with REST API endpoints for real-time price recommendations.

10%
Revenue Growth
20+
Features
60%
Effort Reduction
Pythonscikit-learnXGBoostFeature EngineeringSHAPREST API
100+
Impact

Revenue Optimization Framework

OYO RoomsHospitality

Challenge

The existing pricing system at OYO relied heavily on manual analyst decisions, leading to inconsistent pricing across markets and property types, inability to adapt quickly to demand shocks (festivals, events, weather), and limited visibility into pricing rationale for on-ground teams.

Solution

Designed comprehensive pricing and revenue optimization framework for 100+ hotel properties. Integrated data from multiple sources: booking pace, competitor prices, search trends, and event calendars. Implemented ensemble forecasting pipeline combining ARIMA, Prophet, and Gradient Boosting Regressor to forecast occupancy and ADR at property and cluster level. Designed price optimization module using mathematical programming (SciPy's optimize.minimize) to maximize revenue subject to occupancy, min/max price bounds, and competitor constraints. Incorporated cross-elasticity to prevent cannibalization between nearby properties. Deployed output dashboards on Tableau and internal BI tools with explainability layer.

100+
Properties
~10%
RevPAR Uplift
40%
Manual Reduction
PythonProphetscikit-learnSciPyTableauSQLOptimization
More projects and case studies available upon request

Professional Experience

2+ years driving impact through data, analytics, and innovation

Part-Time, On-Campus

Operations Support Specialist

Arizona State University
Admission Services
10K+ Students Supported
Mar 2025 - Present
Tempe, AZ

What I Did

Streamline and automate student-admissions workflows for 10,000+ prospective students each cycle. Combine process optimization, CRM automation, data quality management, and analytics reporting to enhance applicant experience, improve operational throughput, and support staff efficiency across multiple campuses. Manage end-to-end admissions pipelines within Salesforce Education Cloud and Airtable, design and deploy automation workflows, generate KPI dashboards, and ensure FERPA-compliant data handling.

Key Achievements

1
Managed admissions data workflows for 10,000+ student applications, ensuring 100% data integrity and timely record progression
2
Automated 5+ manual workflows in Salesforce using Flows, reducing repetitive entry tasks by ~30%
3
Streamlined document verification and student assignment process, cutting turnaround time by 25%
4
Built dynamic dashboard integrating Salesforce Reports with Airtable summaries to track admission metrics across 4 teams
5
Improved operational efficiency by ~20% through better load distribution and early-stage data validation
6
Supported training of 15+ staff members on new automation features and troubleshooting processes
7
Maintained data accuracy and FERPA-compliant handling of student records with weekly audits between Salesforce and PeopleSoft
Contract

Revenue Analyst

OYO Rooms
Revenue Management
100+ Properties Optimized
Jan 2024 - Apr 2024
Gurugram, India

What I Did

Designed and implemented comprehensive pricing and revenue optimization framework for 100+ hotel properties across India and Southeast Asia. Combined dynamic demand forecasting with optimization algorithms to drive higher occupancy and yield. The framework integrated multiple data sources including booking pace, competitor prices, search trends, and event calendars to deliver ~10% uplift in revenue metrics (RevPAR & ADR) compared to static pricing.

Key Achievements

1
Rolled out revenue optimization framework to 100+ properties, delivering ~10% uplift in RevPAR & ADR
2
Built ensemble forecasting pipeline (ARIMA, Prophet, Gradient Boosting) for occupancy and ADR prediction
3
Designed price optimization module using mathematical programming with cross-elasticity constraints
4
Reduced manual override requests by 40% through automated pricing updates
5
Deployed Tableau dashboards with explainability layer for revenue managers
6
Standardized pricing strategies across regional teams, improving operational efficiency
Full-time

Associate

Indus Insights
Analytics Team
10% Revenue Growth
Aug 2022 - Oct 2023
Gurugram, India

What I Did

Developed advanced analytics models and forecasting systems for financial markets and energy trading. Built pricing and NPV prediction frameworks for investment decisions, and LSTM-based forecasting models for commodity spread prediction. Combined deep learning, econometric indicators, and time-series validation techniques to improve forecast accuracy and interpretability across multiple business verticals.

Key Achievements

1
Developed Price & NPV Prediction Models achieving 10% average revenue uplift on tested verticals
2
Engineered 20+ macroeconomic features and built feature store for reusable variables across business units
3
Reduced manual effort by 60% through automation of NPV workflows with Python microservice
4
Built LSTM-based forecasting framework for Brent & Gas-Oil spread prediction with 8-10% higher accuracy
5
Aggregated and processed 10+ years of daily data from multiple sources (EIA, Bloomberg, proprietary feeds)
6
Implemented walk-forward cross-validation and model-drift monitoring pipeline for production deployment
7
Created reusable time-series modeling template adopted by other commodity desks
8
Enabled faster go/no-go investment calls with model-backed confidence scores

Skills & Technologies

Tools and technologies I use to build amazing things

Programming Languages

Building solutions with modern languages

PythonSQLPySparkSpark SQLJavaScriptTypeScript
6

Machine Learning

Creating intelligent systems

scikit-learnTensorFlowKerasXGBoostTransformersQLoRA/PEFT
6

Data Analytics

Transforming data into insights

PandasNumPyTableauMatplotlibSeabornPlotlyProphetSciPy
8

Cloud & Tools

Deploying at scale

AWS (S3, RDS)DVCGit/GitHubREST APIsSHAPDocker
6

Specializations

Domain expertise areas

ForecastingRecommender SystemsLLM Fine-TuningOptimizationPricing ModelsTime Series
6

By the Numbers

20+
Technologies
6+
ML Frameworks
10+
Data Tools
5+
Cloud Services
Get In Touch

Let's Connect

Open to opportunities in Data Science, ML Engineering, and Analytics roles

Ready to Chat?

Whether it's a project, job opportunity, or just a friendly hello, I'd love to hear from you!

Send me an email