Technologies I Work With

Python
C
C++
TypeScript
React
PyTorch
TensorFlow
ONNX
TensorRT
Next.js
Docker
AWS
PostgreSQL
Linux
CUDA
Node.js
Java
FreeRTOS
FPGA

Software Engineer • Embedded Systems • ML/AI

Hi, I'm Abheek Pradhan

Building high-performance applications from edge to cloud to web

Ex-Toshiba SWE InternNSF ResearchHackathon Winner

Abheek Pradhan

Computer Engineering Student | Full stack and embedded systems

Abheek Pradhan

About Me

I am a driven and well-rounded senior at Texas State University. I have a knack for optimization and enjoy working on challenging meaningful problems regardless of the domain. My strongest languages are C, C++, Python and Java.

Outside of programming, I enjoy traveling, gardening, reading, exercising, and various outdoor board sports.

What I'm Working On

  • Research: Multimodal HAR using Cross Modal Learning (NSF-funded)
  • Building: Full stack machine learning applications, ML inference in C++
  • Exploring: Modern C++, RL (Reinforcement Learning), Unsupervised machine learning
  • Graduating: May 2026 - Texas State University

Work Experience

Software and Firmware Engineering Intern

Toshiba International Corporation

May 2025 - September 2025

Austin, TX

  • Developed STM32H7 FreeRTOS firmware for Toshiba medium voltage drives; built comprehensive testing infrastructure from zero with unit/integration/HIL tests (Python, Bash, Ruby). Reduced QA team workload by approx. 60% by creating production CI/CD pipeline validating 10,000+ parameters , running all unit, integration, and HIL tests in around 10 minutes.
  • Optimized RTOS task priorities and DMA scheduling, reducing TouchGFX CPU overhead from 41% to 18% , achieving 25% total system CPU reduction , and eliminating all timing violations to correct issues revealed by my new HIL tests. (C, C++) .
  • Developed TouchGFX UI screens with inter-task communication using CMSIS osMessageQueue for telemetry transfer between tasks. Double-buffered 30 FPS rendering with sub 80µs UI execution time ensures high-priority operations arent blocked.
  • Engineered a RAG based AI agent using Azure Copilot and OCR for detecting defects in CAD drawnings with 94% precision.
CC++STM32FreeRTOSTouchGFXPythonBashRubyAzureOracle

Machine Learning Engineer

December 2024 - Present

Austin, TX

  • Collaborated with research team funded by Texas State C.A.D.S to fine-tune Vision Transformer and MASK R-CNN models on Red Hat Linux SLURM cluster with Nvidia A100 GPUs. Created custom dataset achieving 98% precision for defect detection
  • Built production REST API using Python FastAPI, PostgreSQL, and Docker for deployment on Huggingface; implemented server side async request handling and batch processing to handle concurrent requests from React Native mobile app
  • Accelerated inference via layer fusion and ONNX to TensorRT engine conversion; reducing latency and cloud costs by 40%
PythonPyTorchHugging FaceDockerAWSVision TransformersMASK R-CNNReact Native

Research Assistant

Texas State University

August 2024 - Present

San Marcos, TX

  • Developed cross-modal distillation pipeline (video to IMU sensors ) and personally trained custom multimodal transformers for fall detection under Dr. Anne Ngu. Deployed to edge devices ( phones , wearables ) with 92% F1 score in real time
  • Built custom CUDA preprocessing kernels in C++ (windowing, normalization, FIR) w/ 11x speedup vs numpy, parallelized training via PyTorch DDP, tested DSP algorithms to clean dataset and reduce noise, improving F1 score by 10%
  • Refactored multimodal PyTorch / TensorFlow transformer models to edge via TFlite and ONNX using INT8 quantization + mixed-precision training, achieving 2-3x battery life w/ sub-1% accuracy loss allowing for on device inference ( Python ) .
  • Refactored full-stack Android app (Java / Kotlin) to support ONNX , AWS S3 , and DynamoDB for sensor or user analytics. Shipped features like dynamic input support / pre-processing configs, async, to reduce noise and improve reliability
PythonPyTorchTensorFlowAndroidJavaKotlinPostgreSQLSignal Processing

Featured Projects

A selection of my recent work showcasing my skills in full-stack development, embedded systems, and AI/ML

Textbook2Video - 2nd Place Antler X Nvidia Hackathon thumbnail

Textbook2Video - 2nd Place Antler X Nvidia Hackathon

TLDR: Live Demo

Agentic LangChain pipeline that turns PDFs into animated, narrated lessons using Deepseek OCR and ElevenLabs TTS; fine-tuned Llama 3 via LoRA + 4b quantization on Brev and containerized the model for live deployment on HuggingFace.

PythonGenAIReactLangchainElevenLabsHuggingface
FusionTransformer - Multimodal Fall Detection thumbnail

FusionTransformer - Multimodal Fall Detection

Dual-stream transformer architecture for real-time fall detection on smartwatches, fusing accelerometer and gyroscope data through Kalman filtering. Implements Squeeze-and-Excitation attention and cross-modal knowledge distillation, validated on 51-subject SmartFallMM dataset with LOSO cross-validation.

PythonPyTorchTransformersKalman FiltersSignal ProcessingDeep LearningEdge ML
FPGA-Optimized Facial Recognition YouTube thumbnail

FPGA-Optimized Facial Recognition

TLDR: YouTube

Facial recognition on AMD Kria KV260 SoC achieving 99.47% accuracy with ensemble detection/landmark models; engineered zero-copy DMA + hardware-accelerated GStreamer pipeline with INT8 Vitis AI/Vivado optimizations, delivering 100x CPU speedup and 30–500+ FPS throughput.

CC++Embedded LinuxYoctoPyTorchFPGAVitis AICUDA
Sensor Fusion for Human Activity Recognition thumbnail

Sensor Fusion for Human Activity Recognition

Cross-modal distillation pipeline for fall detection using accelerometer/gyroscope data with Complementary, Madgwick, Mahony, and EKF filters tuned for edge deployment and real-time responsiveness.

PythonSignal ProcessingKalman FiltersEKFNumPyTime Series AnalysisEdge Computing
3D Skeleton Reconstruction from Video thumbnail

3D Skeleton Reconstruction from Video

Implemented GAST-NET for reconstructing 3D human skeletal joints from 2D video, pairing PyTorch-based pose estimation with computer vision preprocessing for motion analysis.

PythonPyTorchComputer VisionDeep Learning3D ReconstructionOpenCV
Time Series Orientation Estimation thumbnail

Time Series Orientation Estimation

Implemented Kalman, Extended Kalman, and complementary filters for IMU orientation estimation and sensor alignment, optimized for low-latency fall detection on embedded devices.

PythonKalman FiltersIMU ProcessingSignal ProcessingNumPySciPyEdge Computing
Smartphone-Based Fall Detection thumbnail

Smartphone-Based Fall Detection

Android fall detection app leveraging on-device IMU streams with TensorFlow Lite/ONNX models, dynamic preprocessing configs, and async sensor pipelines for reliable real-time alerts on constrained hardware.

KotlinJavaAndroidAndroid SDKTensorFlow LiteAI Edge TorchIMU SensorsMachine LearningTime Series Transformers
Autonomous Chess Bot YouTube thumbnail

Autonomous Chess Bot

TLDR: YouTube

Architected multi-process chess system with C++ TCP server, IPC messaging, and browser automation pipeline; containerized deployment and Stockfish orchestration deliver fully autonomous online play with 100% winrate in live games.

C++Stockfish APIMulti-threadingWebSocketsNodeJSDatabase Optimization
Real-Time Audio Transcriber thumbnail

Real-Time Audio Transcriber

Engineered full-stack audio transcription web application with Flask WebSocket backend, React.js/Next.js frontend, hardware-accelerated Whisper AI speech-to-text, and MongoDB session storage.

PythonReactJSNext.jsFlaskWebSocketMongoDBWhisper AI

Education

Bachelor of Science in Computer Science and Engineering

Texas State University

San Marcos, TX

Expected May 2026

Activities and Societies

.EXEACM Member

Skills

AI/ML

  • LLM
  • Transformers
  • CNN
  • Computer Vision
  • Knowledge Distillation
  • MLOps
  • ONNX / TensorRT
  • MCP

Embedded Systems

  • FreeRTOS / RTOS Scheduling
  • STM32 HAL / LL API
  • Kernel Development
  • Device Drivers
  • I2C / SPI / UART
  • JTAG
  • DSP
  • Interrupts
  • Low-noise ADC / Analog Front Ends

Languages

  • Python
  • C
  • C++
  • Java
  • JavaScript
  • TypeScript
  • C#
  • VHDL

Backend & Data

  • Node.js
  • Express.js
  • .NET
  • REST API
  • PostgreSQL
  • MySQL
  • NoSQL
  • Spark

Testing & Process

  • Selenium
  • Agile
  • SCRUM
  • Jira

Networking

  • Network Protocols
  • TCP/IP
  • REST API

Frontend & Frameworks

  • React
  • Next.js
  • Angular
  • Tailwind CSS
  • Qt
  • UI/UX Design
  • Streamlit

Cloud & DevOps

  • AWS
  • Docker
  • Kubernetes
  • CI/CD
  • Git
  • Linux
  • Salesforce