Riley Learning
  • Home
  • About
  • Blog
Sign in Subscribe
Understanding and Comparing Embedding Models for RAG and Vector Search
Blog

Understanding and Comparing Embedding Models for RAG and Vector Search

In the rapidly evolving landscape of artificial intelligence, embedding models have emerged as the unsung heroes powering everything from semantic search to recommendation systems. These sophisticated models transform unstructured data into numerical vectors that preserve semantic meaning, enabling machines to understand and process human language with unprecedented accuracy. What Are
26 May 2025 6 min read
The Rise of On-Device AI: Comparing SLMs on NPUs and Copilot+ PCs
Blog

The Rise of On-Device AI: Comparing SLMs on NPUs and Copilot+ PCs

We're now witnessing the emergence of powerful on-device AI capabilities that promise to revolutionize how we interact with our computers. At the forefront of this transformation are SLMs running on NPUs, with Microsoft's Copilot+ PCs leading the charge into this new era.
22 May 2025 11 min read
Managing Python Projects: Virtual Environments, Git Ignore Rules, and Dependency Tracking
Blog

Managing Python Projects: Virtual Environments, Git Ignore Rules, and Dependency Tracking

Effective Python project management is crucial for maintaining clean, reproducible, and collaborative codebases. This post covers the essential tools and practices for managing virtual environments, dependency tracking, and version control in Python projects.
22 May 2025 5 min read
Model Context Protocol (MCP): Shaping the Future of AI Agents
Blog

Model Context Protocol (MCP): Shaping the Future of AI Agents

The Model Context Protocol (MCP) is an innovative protocol designed to enhance AI model interactions through advanced context management. This blog post explores what MCP is, how it works, and how developers can leverage its capabilities using the Python client example.
17 May 2025 6 min read
Understanding FastAPI: Building Production-Grade Asynchronous Applications with MCP
Blog

Understanding FastAPI: Building Production-Grade Asynchronous Applications with MCP

As the demand for real-time, responsive, and scalable AI applications grows, building robust asynchronous APIs becomes essential. In this guide, we explore FastAPI, a high-performance web framework for Python.
17 May 2025 12 min read
Building a Financial RAG Chatbot Using LLaMA, Streamlit and RunPod (VSCode)
Blog

Building a Financial RAG Chatbot Using LLaMA, Streamlit and RunPod (VSCode)

In this tutorial, we’ll walk through the process of building a Financial Question-Answering chatbot using Retrieval-Augmented Generation (RAG), LLaMA 3, and Streamlit.
16 May 2025 7 min read
TensorFlow vs PyTorch vs Keras: A Beginner-Friendly Comparison of Deep Learning Frameworks
Blog

TensorFlow vs PyTorch vs Keras: A Beginner-Friendly Comparison of Deep Learning Frameworks

Whether you’re just stepping into the world of deep learning or already exploring complex neural networks, choosing the right framework is crucial. Among the many, three stand out: TensorFlow, PyTorch, and Keras.
14 May 2025 4 min read
RLHF vs. RLAIF: Fine-Tuning LLMs for Better Alignment (OTS, SFT, PPO, Jailbreak)

RLHF vs. RLAIF: Fine-Tuning LLMs for Better Alignment (OTS, SFT, PPO, Jailbreak)

Large Language Models (LLMs) like GPT-4, LLaMA 3, and Claude are redefining natural language processing. Despite their advancements…
09 Jan 2025 7 min read
Optimizing Azure OpenAI Service: Base Model Deployment, Fine-Tuning, and Decoding Parameters

Optimizing Azure OpenAI Service: Base Model Deployment, Fine-Tuning, and Decoding Parameters

Azure OpenAI Service offers powerful tools to deploy, fine-tune, and interact with GPT models, making it essential to understand the…
14 Dec 2024 7 min read
RAG vs. Fine-Tuning : When to Use, Combine, and Optimize for Best Results

RAG vs. Fine-Tuning : When to Use, Combine, and Optimize for Best Results

When building or optimizing AI models, two powerful techniques often come into play: Fine-tuning and RAG (Retrieval-Augmented Generation)…
13 Dec 2024 4 min read
Paper Review — Debug like a Human: A Large Language Model Debugger via Verifying Runtime Execution…

Paper Review — Debug like a Human: A Large Language Model Debugger via Verifying Runtime Execution…

Debugging programs is essential yet challenging, even for advanced Large Language Models (LLMs). In their ACL 2024 paper, “Debug like a…
14 Nov 2024 6 min read
IMG2TEXT-Part2. OFA, CLIP Interrogator and ViT

IMG2TEXT-Part2. OFA, CLIP Interrogator and ViT

Continuing from Part 1, we are going to look into the CLIP Interrogator, OFA model, and ViT model and ensemble them. Most of the codes are…
14 May 2023 22 min read
IMG2TEXT-Part1. Background (Stable Diffusion, CLIP, Prompt)

IMG2TEXT-Part1. Background (Stable Diffusion, CLIP, Prompt)

In this article, I’d like to talk about background information to implement CLIPInterrogator+OFA+ViT_LB0.568. Part 2 will cover the…
13 May 2023 12 min read
Google ISLR Transformer with W&B (Part 2)

Google ISLR Transformer with W&B (Part 2)

In this article, I’ll be showing you how to create and train a model for the Kaggle ASL (American Sign Language) recognition competition…
24 Apr 2023 19 min read
Google ASL 1. Process Data with W&B 🐝

Google ASL 1. Process Data with W&B 🐝

Today, I’m going to explain the dataset and how to process it for a Kaggle competition on ASL(American Sign Language), Google — Isolated…
23 Apr 2023 14 min read
Paper Review — Strided Transformer (TMM 2022)

Paper Review — Strided Transformer (TMM 2022)

Strided Transformer is a monocular 3D pose estimation model which lifts a long sequence of 2D joint locations to a single 3D pose.
09 Sep 2022 5 min read
Paper Review — VideoPose3D (CVPR 2019)

Paper Review — VideoPose3D (CVPR 2019)

3D human pose estimation in video with temporal convolutions and semi-supervised training
23 Aug 2022 5 min read
Paper Review — MHFormer

Paper Review — MHFormer

Introduction
06 Aug 2022 4 min read
[PyTorch] Simple 3D Pose Baseline implementation (ICCV’17)

[PyTorch] Simple 3D Pose Baseline implementation (ICCV’17)

In this post, I review Simple 3D Pose Baseline (A simple yet effective baseline for 3d human pose estimation, also called as SIM) which is…
04 Aug 2022 4 min read
HRNet : Code Explained

HRNet : Code Explained

HRNet(Deep High-Resolution Representation Learning for Human Pose Estimation) is a state-of-the-art algorithm in the field of semantic…
04 Aug 2022 18 min read
In this post, we create a simple convolutional neural network(SimpeConvNet) using only NumPy and…

In this post, we create a simple convolutional neural network(SimpeConvNet) using only NumPy and…

Simple CovNet with NumPy In this post, we create a simple convolutional neural network(SimpeConvNet) using only NumPy and it will classify MNIST images. The codes are from a book called ‘Deep Learning from Scratch’. Let’s check an architecture of SimpeConvNet and notations first. Architecture N: the number of
26 Jun 2022 3 min read
Training Basic Two Layer Network with Numpy

Training Basic Two Layer Network with Numpy

In this post, we develop a two-layer network in order to perform classification in MNIST dataset and train it. There are mainly two parts…
26 Jun 2022 2 min read
Softmax with Loss Layer with Numpy

Softmax with Loss Layer with Numpy

Softmax with Loss Layer
23 Jun 2022 2 min read
Activation Functions with Numpy

Activation Functions with Numpy

Activation Function
23 Jun 2022 2 min read
Understanding Pooling Layer with Numpy

Understanding Pooling Layer with Numpy

Pooling Layer
14 Jun 2022 3 min read
Page 1 of 2 Older Posts →
Riley Learning © 2025
  • Sign up