Skip to content
View cybersamurai2410's full-sized avatar
  • London, United Kingdom

Block or report cybersamurai2410

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
cybersamurai2410/README.md

Personal Portfolio ✨

Software engineer specializing in building and deploying data-driven solutions in AI/ML with GenAI and MLOps.

Areas of Interest:

  • Multi-Agent AI Systems and Agentic Workflow Orchestration
  • Unstructured Data ETL
  • Knowledge Graphs with RAG
  • Fine-Tuning with Quantization and Distillation of Multimodal LLMs
  • Computer Vision Video Analytics
  • Physics Simulation with Reinforcement Learning
  • Neural Network Architectures
  • Teleoperated Robotics with VR/AR

Apps💡

PodMapAI

AI SaaS video analytics platform using multimodal LLM to transform context from YouTube videos or local video/audio files into summaries and interactive 3D/2D data visualizations such as knowledge graphs with timestamps. Launch App | Watch Demo | Company Page

Education 📖

  • MSc Advanced Computing
  • BSc Hons Computer Science

Skills 💻

  • Programming Languages: Python, Java, JavaScript, C, C++, C#, MATLAB, R, React, TypeScript, Next.js, Tailwind CSS
  • Machine Learning/Data Science Frameworks: TensorFlow, Keras, PyTorch, JAX, Flax, Pandas, NumPy, Scikit-Learn, XGBoost, Matplotlib, Tableau
  • Database: Oracle, MySQL, PostgreSQL, MongoDB, Pinecone, Weavite, Qdrant, Neo4j, Redis
  • Computer Vision & NLP (Generative AI Agents): OpenCV, Hugging Face Transformers, LangChain, Llama Index, LangGraph, CrewAI, AutoGen, SmolAgents, OpenAI Agents SDK, Google ADK, Vercel AI SDK
  • Reinforcement Learning Tools: OpenAI Gym, Stable Baselines, Ray RLlib
  • DevOps/MLOps & Cloud: Docker, Kubernetes, GitLab, GitHub Actions, Weights & Biases, MLflow, Databricks, Palantir Foundry & AIP, LangSmith, AgentOps, Vercel, AWS (Amazon Web Services), Microsoft Azure, GCP (Goole Cloud Platform)
  • Other: Git, Bash, REST, GraphQL, JSON, XML, YAML, TOML, MCP (Model Context Protocol), A2A (Agent-to-Agent Protocol)

Platforms :octocat:

LinkedIn Gmail GitHub GitLab Kaggle Hugging Face Stack Overflow Medium

AI/ML Project Categories

Generative AI:

Agentic Architectures & RAG Pipelines:

  • Chatbot using Agentic RAG with MCP - Application using LLMs with RAG allowing users to interact with the chatbot UI; retrieving context embeddings using vector databases extracted from external data sources including PDF, CSV, SQL, Websites and YouTube Videos. Integrated MCP server to allow client LLM access to tools and resources.
  • Stock Analysis Report Generator using Hierarchical Multi-Agent AI - Generates stock analysis report from a company name using an LLM powered multi-agent system accessing various tools for extracting financial data and web scraping information.
  • Computer Operator using Parallel Multi-Agent AI - Implemented multi-agent AI system using LLMs to autonomously control a web browser within a virtual machine. Enabled agents to interpret goals, plan actions and execute sequences in a remote desktop by simulating human interaction.
  • Structured Report with Deep Research and Podcast Generation using Agentic AI - Structured report generation with UI and API development, using LLM powered agentic AI for any given topic by automatically planning then conducting iterative research with reflection and writing sections simultaneously with concurrent processing. Integrated TTS API using the report to generate podcasts in audio format.
  • Adaptive Multimodal RAG with Query Analysis and Self-Reflection - Developed web application with front-end UI and back-end API using advanced RAG architecture that combines query analysis and self-reflection, which routes prompts to invoke LLM calls with vector embedding search from multimodal data or web search as context to generate responses.
  • Deep Agentic Architecture - Agentic AI architecture combining planning tool, sub agents, access to file system and detailed prompt.
  • ReAct Agent Architecture - Implemented ReAct (Reasoning + Action) agentic architecture allowing an LLM to demonstrate Chain-of-Thought reasoning with access to tools for a given prompt.
  • Knowledge Graphs with GraphRAG for SEC 10K Filings - Automatically construct knowledge graphs from text documents from web scraping SEC filings then storing vector embeddings in Neo4j graph database for hybrid RAG with LLMs to retrieve context for question-answering based on the relationships between the data by generating Cypher queries.
  • Serverless Agentic Workflow with RAG for Customer Service - Implemented customer service agentic workflow via AWS Boto3 SDK using foundational model via AWS Bedrock and integrated tools via AWS Lambda functions with safety guardrails and knowledge bases for context retrieval.
  • Graph Analysis using Multi-Agent Collaboration with LLMs - Reimplemented research paper of multi-agent systems optimized for understanding data within graph representations using LLMs.
  • Small Language Model Reasoning using Multi-Agent Graph Distillation - Reimplemented research paper using structured knowledge distillation to improve reasoning of small language models from integrating multi-agent interaction graph with LLMs.

LLM Fine-Tuning:

Machine Learning & Data Science:

  • Anomaly Detection in Financial Transactions using Autoencoders for Semi-Supervised Learning - Detects fraudulent transactions from dimensionality reduced credit card data. Implemented autoencoder neural networks for anomaly detection and also for feature extraction in binary classification including logistic regression and support vector machines.
  • Time Series Sales Forecasting API using Regression with MLOps - Predict weekly sales on time series data of store chain, using regression models (Random Forest, XGBoost, LSTM) and ARMIA for forecasting sales. Deployed these models as an API running on Docker container through AWS elastic container service to be accessed with a public URL. Applied MLOps using MLflow for logging metrics of model versions and GitHub Actions for CI/CD to automate the process of executing unit tests, containerization and deployment to cloud.
  • Breast Cancer Prediction using Ensemble Learning and Image Recognition - Predict breast cancer using a stacking ensemble of classification algorithms (Random Forest, XGBoost, SVM) to generate meta-features, which is then further trained using Logistic Regression as the meta-model. Implemented CNN for image classification from detecting breast cancer features.
  • Recommendation System for E-commerce using Clustering and Collaborative Filtering - Hybrid recommendation engine using both unsupervised learning and collaborative filtering on Amazon product data. Implemented KMeans and Agglomerative Clustering to group similar products based on metadata and built an item-based collaborative filtering pipeline using user–product ratings to generate personalized suggestions.
  • SASRec (Self-Attentive Sequential Recommendation) Music Playlist Predictor - Sequential recommendation system using a transformer-based SASRec model trained on Spotify playlist dataset. Implemented masked self-attention with positional embeddings to predict the next track in a playlist
  • Anomaly Detection in Urban Traffic using Graph Variational Autoencoders - Implemented GraphVAE trained on the METR-LA dataset with graph convolutional network with encoder-decoder architecture for modeling spatiotemporal sensor patterns and detecting anomalies in traffic through reconstruction error.
  • Hybrid Graph Neural Networks for Movie Recommendation - Graph architecture of movie recommendation system using a hybrid NGCF + R-GCN architecture. Constructed a heterogeneous graph from IMDb and MovieLens datasets linking users, movies and associated entities (actors, directors, genres).

Computer Vision & NLP:

Reinforcement Learning & Search Algorithms:

  • Time Series Trading using Deep Reinforcement Learning with Recurrent Neural Networks - Implemented ensemble model of DRL algorithms by aggregating the actions between DQN, PPO and A2C models with RNN integration to optimize stock trading decisions in both discrete and continuous environments.
  • Pacman Game using Q-Learning - Q-Learning RL algorithm implemented to play Pacman by allowing an agent to navigate the maze and optimize strategy through trial and error to maximize rewards by balancing exploration and exploitation.
  • Tic-Tac-Toe Game using MiniMax Search - Minimax search algorithm implemented to play Tic-Tac-Toe by exhaustively evaluating all possible moves to determine the optimal action assuming both players play to maximize their chances of winning.

Pinned Loading

  1. Document-Chatbot Document-Chatbot Public

    Chat with documents using LLMs.

    Python 1

  2. Threat_Detector Threat_Detector Public

    Vision system that detects possession of firearms or knives.

    Python 1

  3. AutoGPT AutoGPT Public

    Forked from Significant-Gravitas/AutoGPT

    AutoGPT is the vision of accessible AI for everyone, to use and to build on. Our mission is to provide the tools, so that you can focus on what matters.

    Python

  4. nanoGPT nanoGPT Public

    Forked from karpathy/nanoGPT

    The simplest, fastest repository for training/finetuning medium-sized GPTs.

    Python

  5. gemini-cli gemini-cli Public

    Forked from google-gemini/gemini-cli

    An open-source AI agent that brings the power of Gemini directly into your terminal.

    TypeScript

  6. TensorRT-LLM TensorRT-LLM Public

    Forked from NVIDIA/TensorRT-LLM

    TensorRT-LLM provides users with an easy-to-use Python API to define Large Language Models (LLMs) and build TensorRT engines that contain state-of-the-art optimizations to perform inference efficie…

    C++