Audience: teachers, student-learners, community mentors, and beginner builders using Incubator.org.
Use this guide: Every term has a short, human-readable definition plus at least one way to try it yourself using widely-used tools (most are free or have generous tiers). Scan the glossary for fast definitions, then jump to the Try it / Tools snippets to actually do something with each idea. Copy the prompt boxes into your AI tool of choice and adapt them for class, self-study, or a workshop.
Quick Glossary (plain English)
- Bias — When an AI prefers or treats some things unfairly because of patterns in its training data.
 - Label — The “answer” attached to data (e.g., a cat/not-cat tag).
 - Model — The trained program that makes predictions or generates content.
 - Training — Teaching a model using examples so it improves.
 - Chatbot — A program that converses by text or voice.
 - Dataset — A large, structured collection of examples used for training/evaluation.
 - Algorithm — A step-by-step method to solve a problem.
 - Token — A chunk of text (or data unit) used by language models.
 - Overfitting — When a model memorizes the training set and fails on new data.
 - AI Agent — Software that can plan and act (often across tools/APIs) toward a goal.
 - AI Ethics — Principles and practices to make AI fair, safe, and accountable.
 - Explainability — Ways to understand why a model made a decision.
 - Inference — Running the trained model to get outputs (predictions/generations).
 - Turing Test — A thought experiment: can a machine’s responses pass for human?
 - Prompt — The instruction or input you give an AI system.
 - Fine-Tuning — Further training a model on your specific data or style.
 - Generative AI — Models that create text, images, audio, or video.
 - AI Automation — Using AI to complete multi-step tasks without constant supervision.
 - Neural Network — A model architecture loosely inspired by brain neurons.
 - Computer Vision — AI that interprets images or video.
 - Transfer Learning — Starting from a pretrained model and adapting it to a new task.
 - Guardrails — Controls to keep outputs safe, on-topic, and policy-compliant.
 - Open-Source AI — Models/tools whose code/weights are openly shared.
 - Deep Learning — Neural networks with many layers that learn complex patterns.
 - Reinforcement Learning — Training by trial, error, and rewards.
 - Hallucination — When an AI confidently makes up facts.
 - Zero-Shot Learning — Doing a new task without training examples, guided by the prompt.
 - Speech Recognition — Turning spoken language into text.
 - Supervised Learning — Training with labeled examples.
 - Model Context Protocol (MCP) — A standard for letting models securely use local tools/data.
 - Machine Learning — Letting computers learn patterns from data.
 - AI (Artificial Intelligence) — Systems that perform tasks we associate with human intelligence.
 - Unsupervised Learning — Finding patterns in unlabeled data.
 - LLM (Large Language Model) — Big text models that read/write code, essays, etc.
 - ASI (Artificial Superintelligence) — Hypothetical AI vastly beyond human general ability.
 - GPU (Graphics Processing Unit) — Hardware that speeds up AI training/inference.
 - NLP (Natural Language Processing) — AI that works with human language.
 - AGI (Artificial General Intelligence) — Hypothetical AI that can learn anything a human can.
 - GPT (Generative Pretrained Transformer) — A popular LLM family trained then adapted for tasks.
 - API (Application Programming Interface) — A standard way apps/services talk to each other.
 
Hands-On: tools, links, and “try it” steps
(Each bullet: what to try + where to click. Most tools have free tiers.)
Bias, Labels, Overfitting, Explainability, Supervised/Unsupervised
- 
Fairness & Bias:
- 
IBM AIF360 – Audit datasets/models for bias. https://aif360.mybluemix.net/
 - 
Fairlearn – Assess/mitigate fairness issues (Python). https://fairlearn.org/
 
 - 
 - 
Labeling:
- 
Label Studio – Web app for labeling text/audio/image/video. https://labelstud.io/
 - 
doccano – Open-source text labeling. https://github.com/doccano/doccano
 
 - 
 - 
Overfitting & Supervised/Unsupervised:
- 
scikit-learn – Classic ML algorithms, cross-validation, clustering, metrics. https://scikit-learn.org/
 - 
Kaggle Notebooks – Try scikit-learn in the browser. https://kaggle.com/code
 
 - 
 - 
Explainability:
- 
SHAP – Feature attribution visualizations. https://shap.readthedocs.io/
 - 
LIME – Local explanations for predictions. https://github.com/marcotcr/lime
 
 - 
 
Try it: Load a small dataset in scikit-learn → split train/test → compare test vs. train accuracy (spot overfitting) → run SHAP to see which features mattered.
Datasets & Algorithms
- 
Datasets:
- 
Hugging Face Datasets – 1000s of ready-to-use datasets. https://huggingface.co/datasets
 - 
UCI ML Repository – Classic benchmarks. https://archive.ics.uci.edu/
 - 
Kaggle – Datasets + competitions. https://kaggle.com/datasets
 
 - 
 - 
Algorithms (learn/do):
- 
scikit-learn cheat-sheet of algorithms. https://scikit-learn.org/stable/tutorial/machine_learning_map/
 
 - 
 
Try it: Pick any dataset on Kaggle → open in a Notebook → train LogisticRegression and RandomForest → compare accuracy and confusion matrices.
Tokens, Prompts, Guardrails
- 
Tokens:
- 
OpenAI Tokenizer – See how text is tokenized. https://platform.openai.com/tokenizer
 - 
tiktoken (Python lib). https://github.com/openai/tiktoken
 
 - 
 - 
Prompting:
- 
OpenAI Prompt Engineering docs. https://platform.openai.com/docs/guides/prompting
 - 
Anthropic Prompting guide. https://docs.anthropic.com/claude/docs/prompt-engineering
 
 - 
 - 
Guardrails:
- 
Guardrails AI – Validate & constrain LLM outputs. https://www.guardrailsai.com/
 - 
Rebuff / Prompt-Injection scanners. https://github.com/protectai/rebuff
 
 - 
 
Try it: Paste your assignment into the Tokenizer and observe token counts. Add a system prompt with rules + a JSON schema via Guardrails to keep outputs on-format.
Chatbots, LLMs, GPTs, APIs, MCP
- 
Hosted chatbots/LLMs:
- 
ChatGPT (OpenAI). https://chat.openai.com/
 - 
Claude (Anthropic). https://claude.ai/
 - 
Gemini (Google). https://gemini.google.com/
 
 - 
 - 
APIs & SDKs:
- 
OpenAI API. https://platform.openai.com/docs
 - 
Anthropic API. https://docs.anthropic.com/
 - 
Google AI Studio. https://aistudio.google.com/
 - 
OpenRouter (multi-model gateway). https://openrouter.ai/
 
 - 
 - 
MCP (Model Context Protocol):
- 
Spec & examples. https://modelcontextprotocol.io/
 
 - 
 
Try it: Build a tiny Q&A bot: create an API key → call a /chat/completions endpoint with a system prompt and a user question → display the assistant’s reply in your app.
Generative AI (text, image, audio, video) & Fine-Tuning / Transfer Learning
- 
Text:
- 
Hugging Face Transformers – Pretrained models & pipelines. https://huggingface.co/docs/transformers
 
 - 
 - 
Images:
- 
Stable Diffusion (Automatic1111 WebUI). https://github.com/AUTOMATIC1111/stable-diffusion-webui
 - 
ComfyUI (node-based). https://github.com/comfyanonymous/ComfyUI
 
 - 
 - 
Audio (TTS/voice):
- 
ElevenLabs (TTS). https://elevenlabs.io/
 - 
Bark (open-source TTS). https://github.com/suno-ai/bark
 
 - 
 - 
Video (gen/edit):
- 
Runway – Gen-2 video. https://runwayml.com/
 
 - 
 - 
Fine-tuning / Transfer:
- 
OpenAI fine-tuning docs. https://platform.openai.com/docs/guides/fine-tuning
 - 
LoRA/PEFT (HF). https://huggingface.co/docs/peft/index
 
 - 
 
Try it: Take a small set of your organization’s emails → fine-tune a support style model (LoRA) → evaluate on held-out examples before using in production.
Neural Networks, Deep Learning, GPUs
- 
Frameworks:
- 
PyTorch. https://pytorch.org/
 - 
TensorFlow/Keras. https://www.tensorflow.org/
 
 - 
 - 
GPUs:
- 
Google Colab (free GPU hours). https://colab.research.google.com/
 - 
NVIDIA CUDA Toolkit. https://developer.nvidia.com/cuda-toolkit
 
 - 
 
Try it: In Colab, run a Keras CNN on MNIST (handwritten digits). Toggle GPU runtime and compare training speed vs. CPU.
Computer Vision
- 
CV libraries & models:
- 
OpenCV. https://opencv.org/
 - 
Ultralytics YOLOv8 (object detection). https://docs.ultralytics.com/
 
 - 
 
Try it: Detect objects in a classroom photo with YOLOv8 and draw bounding boxes. Discuss privacy and consent before sharing images.
Speech Recognition
- 
ASR (speech-to-text):
- 
OpenAI Whisper (local or API). https://github.com/openai/whisper
 - 
Vosk (offline). https://alphacephei.com/vosk/
 - 
Coqui STT (open). https://github.com/coqui-ai/STT
 
 - 
 
Try it: Record a 1-minute reflection → transcribe with Whisper → summarize with an LLM.
NLP (language) & RAG to reduce Hallucination
- 
Core NLP:
- 
spaCy. https://spacy.io/
 - 
NLTK. https://www.nltk.org/
 
 - 
 - 
RAG (Retrieval-Augmented Generation):
- 
LlamaIndex. https://www.llamaindex.ai/
 - 
LangChain. https://python.langchain.com/
 
 - 
 
Try it: Build a “course FAQ” bot: index your PDFs with LlamaIndex → answer questions with sources → compare vs. no-RAG to see fewer hallucinations.
Reinforcement Learning
- 
RL toolkits:
- 
Gymnasium (OpenAI Gym successor). https://gymnasium.farama.org/
 - 
Stable-Baselines3. https://stable-baselines3.readthedocs.io/
 - 
Spinning Up in Deep RL (teach-yourself RL). https://spinningup.openai.com/
 
 - 
 
Try it: Train a CartPole agent for a class demo, then discuss reward shaping and safety.
AI Ethics, Guardrails, Safety
- 
Guidelines & orgs:
- 
Partnership on AI. https://partnershiponai.org/
 - 
UNESCO AI Ethics. https://unesdoc.unesco.org/ark:/48223/pf0000381137
 
 - 
 - 
Content filters & policies:
- 
OpenAI Safety & policies. https://platform.openai.com/docs/safety
 
 - 
 
Try it: Create a classroom “AI Use Policy” one-pager—roles, acceptable use, privacy, citation norms.
Open-Source AI
- 
Model hubs & ecosystems:
- 
Hugging Face Hub. https://huggingface.co/models
 - 
EleutherAI (GPT-J/NeoX). https://www.eleuther.ai/
 - 
Meta Llama. https://ai.meta.com/llama/
 - 
Mistral. https://mistral.ai/
 
 - 
 
Try it: Run a small open model locally (e.g., llama.cpp, ollama) and compare responses with hosted LLMs.
AI Automation & Agents
- 
Frameworks:
- 
LangChain agents. https://python.langchain.com/docs/modules/agents
 - 
AutoGen (multi-agent). https://github.com/microsoft/autogen
 - 
CrewAI. https://www.crewai.com/
 
 - 
 - 
Workflows:
- 
Zapier + AI actions. https://zapier.com/ai
 - Make (Integromat). https://www.make.com/
 
 - 
 
Try it: Build a “research → draft → summarize → email” pipeline with one button.
Concepts & Big-Picture (AI, ML, AGI, ASI, Turing Test)
- 
Foundations:
- 
“AI vs. ML vs. DL” primer. https://www.ibm.com/topics/ai-ml-dl
 - 
Turing Test (overview). https://plato.stanford.edu/entries/turing-test/
 - 
AGI/ASI discussions (survey/overview). https://www.lesswrong.com/tag/agi
 
 - 
 
Try it: Host a class debate: “What would count as evidence of AGI?”
Copy-Prompt Boxes (paste into your LLM)
Copy Prompt — Teach the Term
“Explain {term} in 120 words for a mixed classroom (ages 15–18). Give 1 real-world example, 1 pitfall to avoid, and a 2-step mini-activity students can do in 10 minutes.”
Copy Prompt — Compare & Contrast
“In a table, compare supervised, unsupervised, and reinforcement learning: goals, data needed, example tools, quick classroom demo.”
Copy Prompt — Reduce Hallucination
“Answer the question using only the provided sources. Quote and link sources inline. If a claim isn’t supported, say ‘insufficient evidence.’ Return JSON with keys: answer, citations.”
Copy Prompt — Build a Guardrailed Helper
“You are a classroom writing coach. Follow these rules: no personal data collection; no copyrighted text over 90 words; cite 2 reputable sources; refuse unsafe requests. Output in this JSON schema: {‘tips’: [string], ‘outline’: [string], ‘sources’: [ {title, url} ] }.”
Classroom & Cohort “How-To” Ideas
- 
Mini-lab: Count tokens of your prompt, then optimize wording to fit a token budget.
 - 
Project: Build a FAQ bot with RAG for your course or club handbook.
 - 
Ethics circle: Use a real case (e.g., face recognition) and analyze bias, consent, and impact.
 - 
Show-and-tell: Students fine-tune a tiny model (LoRA) on their writing voice and present safety mitigations.
 
Useful Hubs & Docs (one-stop links)
- 
Hugging Face (models, datasets, tutorials): https://huggingface.co/
 - 
scikit-learn (classical ML): https://scikit-learn.org/
 - 
PyTorch: https://pytorch.org/
 - 
TensorFlow/Keras: https://www.tensorflow.org/
 - 
OpenAI Docs: https://platform.openai.com/docs
 - 
Anthropic Docs: https://docs.anthropic.com/
 - 
Google AI Studio: https://aistudio.google.com/
 - 
LlamaIndex: https://www.llamaindex.ai/
 - 
LangChain: https://python.langchain.com/
 - 
Guardrails AI: https://www.guardrailsai.com/
 - 
Model Context Protocol: https://modelcontextprotocol.io/
 
Terms & Conditions
Subscribe
Report
My comments