Marcel Castro
  • Notes
  • Notebooks
  • About
  • Links
Categories
All (28)
CICD (1)
Dimensionality (3)
LLM, Agents (1)
LLM, RL, Reasoning (1)
LLM, transformers, Tokens (1)
ML (1)
MLOps (1)
MoE (1)
NLP (4)
NMF (1)
PCA (2)
PMI (1)
PyTorch (1)
Regularization, LLM, transformers, DPO, SFT, RLHF (1)
TF-IDF (1)
data drift (1)
github (1)
jupyter (4)
kerastuner (1)
machine_learning (1)
machine_learning, transformers, LLM (1)
model drift (1)
sagemaker (1)
snowflake (1)
stablediffusion (1)
template (1)
tensorflow (2)
transfomers (2)
transformers (1)
transformers, LLM (1)
word2vector (1)

DeepSeek-R1 and the aha-moment

LLM, RL, Reasoning
DeepSeek-R1 and the aha-moment - a brief description of DeepSeek-R1 achievements.
Jan 29, 2025

The Power of Focus: Understanding Attention Mechanisms in LLM

transformers, LLM
Large Language Model Optimization techniques - an overview of attention mechanisms
Jan 3, 2025

What KL Divergence has to do with Large Language Model

Regularization, LLM, transformers, DPO, SFT, RLHF
KL Divergence and its role on Large Language Model Training.
Nov 4, 2024

AI Agents Revolution

LLM, Agents
High level overview of AI Agents and evolutions.
Oct 23, 2024

Thinking Tokens

LLM, transformers, Tokens
Concept of thinking tokens to improve model performance while reasoning.
Oct 1, 2024

image-20240506084744829

Overview of LLM Optimizations Techniques

machine_learning, transformers, LLM
Overview of current Large Language Model Optimization techniques for both inference and training
May 25, 2024

Understanding Mixture of Experts

sagemaker
transformers
NLP
MoE
Details on Mixture of Experts and how to run it.
May 19, 2024

Flash Attention - Fast and Memory Efficient Attention Mechanism

The attention layer is the main bottleneck in scaling longer sequences in LLM (Large Language Models), as its runtime and memory increase quadratically in the sequence…
Apr 7, 2024

How Attention Mechanism works in Transformers

NLP
transfomers
PyTorch
Simple implementation of self-attention using PyTorch.
Apr 1, 2024

Text Moderation - Toxicity Classification using Amazon Comprehend API

This notebook will capture different methods of performing text moderation, in special with focus on toxicity classification. It will be divided into 3 parts:
Mar 26, 2024

 

Train Falcon with near-linear scaling using Sharded Data Parallelism technique in SageMaker Model Parallelism Library

This notebook’s CI test result for us-west-2 is as follows. CI test results in other regions can be found at the end of the notebook.
Mar 11, 2024

 

Chat Conversation with Falcon 7B Instruct using Amazon SageMaker JumpStart

This notebook has the objective to test the Langchain chat conversation using the Falcon 7B Instruct LLM model using SageMaker JumpStart.
Jun 9, 2023

 

ChatGPT over your data

Notebook inspired by: - Tutorial: ChatGPT Over Your Data - Build a GitHub Support Bot with GPT3, LangChain, and Python - Meet Bricky - a conversational bot using OpenAI
Apr 10, 2023

Prompt Engineering 101

Wikipedia Definition: Prompt engineering is a concept in artificial intelligence (AI), particularly natural language processing (NLP). In prompt engineering, the description…
Apr 6, 2023

 

Visual ChatGPT - Talking, Drawing and Editing with Visual Foundation Models

Visual ChatGPT connects ChatGPT and a series of Visual Foundation Models to enable sending and receiving images during chatting.
Mar 27, 2023

 

Semantic Search with Pinecone and OpenAI

This repository uses OpenAI Embedding API to generate language embeddings and store them in pinecone. Ref. ChatGPT Retrieval Plugin.
Mar 24, 2023

Stable Diffusion on Amazon SageMaker

NLP
transfomers
stablediffusion
Journey to learn about transformer models in SageMaker. Inspired by philschmid.
Nov 4, 2022

Notes on Natural Langage Processing with Deep Learning

NLP
word2vector
A notebook that reproduces some of the teaching content from Stanford CS224n Natural Language Processing with Deep Learning
Jan 4, 2022

Joint Image & Text Embeddings

First we need to install sentence-transformers
Jan 1, 2022

Multilingual Joint Image & Text Embeddings

%%capture
!pip install sentence-transformers
Jan 1, 2022

Machine Learning Model Monitoring

ML
data drift
model drift
MLOps
Notes on machine learning model monitoring concepts, challenges and howto.
Dec 13, 2021

Github Actions and Snowflake Integration

github
snowflake
CICD
Using github actions to create a CICD data pipeline in snowflake data.
Oct 31, 2021

Dimensionality Reduction - Non-negative Matrix Factorization - NMF

jupyter
NMF
Dimensionality
TF-IDF
PMI
A notebook to evaluate topics on non-conformance reports.
Oct 25, 2021

Generative Deep Learning

machine_learning
This repository is intended as place to keep my current experimentations on generative deep learning using tensorflow.
Sep 22, 2021

Principal Component Analysis - PCA

jupyter
Dimensionality
PCA
Step-by-step use of PCA for dimensionality reduction.
Sep 21, 2021

 

Using Keras Tuner for hyperparameter tunning

kerastuner
tensorflow
Adaptation from notebook from C3_W1_Lab_1_Keras_Tuner from DeepLearningAi MLOPs Specialization - Course 3
Sep 5, 2021

 

Feature Engineering with Tensorflow

jupyter
tensorflow
Notebook from C2W1_Assignment lab assignment from DeepLearningAi MLOPs Specialization - Course 2 -
Sep 4, 2021

 

My Title for Template

jupyter
Dimensionality
PCA
template
This is a template description.
Jan 1, 2020
No matching items
     

    Copyright 2023, Marcel Castro