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

Support the Admission Services team by managing enrollment-related workflows in Salesforce, ensuring accurate student records, and maintaining smooth processing during high-volume admission cycles. Handle Enrollment Cases, update student financial actions when needed (refunds, tuition credits, and charges), and assist with prospective student outreach through contact card entry. Collaborate closely with staff and student workers, provide peer training on Salesforce processes, and help maintain data accuracy and operational consistency across terms (Summer, Fall, Winter).

Key Achievements

1
Independently resolved a high volume of Enrollment Cases, helping decrease the pending queue and improving turnaround times for students needing enrollment support
2
Entered contact cards from various schools into Salesforce with 100% accuracy and trained other student workers on proper entry methods through two guided walkthrough sessions
3
Supported my manager in analyzing multiple student groups each term to identify who required financial actions such as refunds, tuition credit postings, or additional charges to ensure their ASU accounts were up to date
4
Regularly reviewed and updated student accounts to catch any inconsistencies or missing actions, contributing to smoother financial processing within MyASU and Salesforce
5
Created simple internal notes for complex Salesforce workflows and helped new hires become productive faster by sharing best practices and clarifying exception cases
Contract

Revenue Analyst

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

What I Did

Worked in the Central Revenue Management team, supporting daily pricing operations and ensuring the accuracy of OYO's automated pricing algorithm. I monitored occupancy and booking patterns across properties, validated algorithm-generated rates, and helped revenue managers make informed decisions by identifying pricing gaps, parity issues, and demand fluctuations.

Key Achievements

1
Worked on OYO's rule-based pricing algorithm
  • Analyzed how inputs like occupancy deltas, elasticity, base factor, floor price, ceiling price, and virtual floor adjustments influenced the system's final price recommendations
  • Identified cases where the algorithm mispriced properties and highlighted fixes such as threshold adjustments or override rules
  • Ensured algorithm outputs always adhered to the core logic (final price staying between the allowed floor and ceiling)
2
Performed daily pricing & performance checks
  • Reviewed occupancy trends, booking pace, cancellations, and demand dips to flag pricing issues early
  • Compared OYO rates against competitors to catch overpricing/underpricing and recommended corrections to regional teams
  • Coordinated price overrides when algorithm outputs didn't align with on-ground conditions
3
Evaluated revenue drivers to support better pricing decisions
  • Analyzed how pricing changes impacted ARR, occupancy, and booking conversions
  • Supported the shift of demand across OTA, web/app, and walk-in channels by identifying channel-specific pricing issues and take-rate implications
4
Conducted channel parity & mapping checks
  • Identified rate mismatches across OTAs (Booking.com, Agoda, etc.) and OYO's own channels
  • Ensured that incorrect parity wasn't feeding wrong signals back into the algorithm
5
Built structured Excel workflows for analysis
  • Created templates for pricing audits, booking pace checks, and daily alerts
  • Cleaned and organized raw booking and revenue data for fast analysis and decision-making
6
Created weekly insights for revenue managers
  • Summarized key issues such as mispricing, demand anomalies, and realization drops
  • Provided clear, actionable recommendations aligned with algorithm logic and regional constraints
Full-time

Associate

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

What I Did

Worked on analytical projects spanning investment pricing decisions and commodities forecasting. Built data-driven frameworks to support financial evaluation and trading strategy, combining feature engineering, modeling, and validation techniques tailored to business-specific requirements.

Key Achievements

1
Project 1: Price & NPV Prediction Framework
(Business vertical: Investment pricing decisions)
What I Did

Built a pricing and NPV evaluation framework to help the client assess the financial viability of future investments. Worked closely with business stakeholders to understand cost structures, payback assumptions, and scenario logic, and translated these into a data-driven pricing model.

Key Achievements
  • Designed a Python-based NPV calculation workflow incorporating discount rates, payback periods, and demand assumptions
  • Engineered 20+ macroeconomic and operational features used for pricing simulations
  • Created standardized templates and scripts to quickly evaluate new deals using consistent assumptions
  • Automated repeat calculations and scenario tests, cutting manual effort significantly and reducing analysis errors
  • Delivered clear pricing recommendations backed by sensitivity analysis and demand scenarios
2
Project 2: Brent–Gas Oil Spread Forecasting Model
(Business vertical: Commodities analytics)
What I Did

Developed an LSTM-based forecasting model for the Brent vs. Gas Oil spread using long-term commodity, macroeconomic, and futures data. Focused on signal generation, feature engineering, and temporal validation to improve prediction stability.

Key Achievements
  • Built a multi-step LSTM forecasting pipeline for commodity spreads
  • Aggregated and cleaned long-history daily data from multiple sources (energy markets, macro indicators)
  • Engineered features such as lagged spreads, volatility bands, rolling statistics, and economic factors
  • Implemented walk-forward cross-validation to mimic real-world trading conditions
  • Created reusable modeling components adopted by teammates for similar time-series work
  • Provided periodic insights and analysis to help guide trading strategy reviews

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