Skip to content

Conversation

@davila7
Copy link
Owner

@davila7 davila7 commented Jan 8, 2026

Added comprehensive AI research engineering skills from the
zechenzhangAGI/AI-research-SKILLs repository covering:

Categories added (19):

  • Model Architecture (4 skills): litgpt, nanogpt, mamba, rwkv
  • Tokenization (2 skills): huggingface-tokenizers, sentencepiece
  • Fine-Tuning (4 skills): axolotl, llama-factory, peft, unsloth
  • Mechanistic Interpretability (4 skills): transformer-lens, saelens, pyvene, nnsight
  • Data Processing (2 skills): ray-data, nemo-curator
  • Post-Training (4 skills): trl-fine-tuning, grpo-rl-training, openrlhf, simpo
  • Safety & Alignment (3 skills): constitutional-ai, llamaguard, nemo-guardrails
  • Distributed Training (6 skills): accelerate, deepspeed, megatron-core, pytorch-fsdp, pytorch-lightning, ray-train
  • Infrastructure (3 skills): modal, skypilot, lambda-labs
  • Optimization (6 skills): flash-attention, bitsandbytes, gptq, awq, hqq, gguf
  • Evaluation (2 skills): lm-evaluation-harness, bigcode-evaluation-harness
  • Inference Serving (4 skills): vllm, tensorrt-llm, llama-cpp, sglang
  • MLOps (3 skills): weights-and-biases, mlflow, tensorboard
  • Agents (4 skills): langchain, llamaindex, crewai, autogpt
  • RAG (5 skills): chroma, faiss, pinecone, qdrant, sentence-transformers
  • Prompt Engineering (4 skills): dspy, instructor, guidance, outlines
  • Observability (2 skills): langsmith, phoenix
  • Multimodal (7 skills): clip, whisper, llava, stable-diffusion, segment-anything, blip-2, audiocraft
  • Emerging Techniques (6 skills): moe-training, model-merging, long-context, speculative-decoding, knowledge-distillation, model-pruning

Total: 75 new skills added to cli-tool/components/skills/ai-research/
Components catalog updated: 259 → 334 skills

Source: https://github.com/zechenzhangAGI/AI-research-SKILLs
License: MIT
Author: Orchestra Research


Summary by cubic

Added 75 AI research engineering skill components to expand the catalog to 339 total skills. This adds comprehensive coverage across agents, distributed training, data processing, RAG, inference, optimization, ops, and emerging techniques.

  • New Features
    • Agents: LangChain, LlamaIndex, CrewAI, AutoGPT with guides and troubleshooting.
    • Distributed training: Accelerate, DeepSpeed, Megatron-Core, FSDP, Lightning, Ray Train with performance and parallelism docs.
    • Data processing: Ray Data and NeMo Curator with deduplication and quality filtering references.
    • Retrieval and serving: RAG stacks (Chroma, Faiss, Pinecone, Qdrant, sentence-transformers) and inference (vLLM, TensorRT-LLM, llama.cpp).
    • Optimization: flash-attention, bitsandbytes, quantization formats (GPTQ, AWQ, HQQ, GGUF).
    • Emerging techniques: long-context, MoE, distillation, speculative decoding, pruning.
    • Ops, evaluation, and safety: MLOps (W&B, MLflow, TensorBoard), observability (LangSmith, Phoenix), evaluation harnesses, and guardrails.

Written for commit be8e505. Summary will update on new commits.

Added comprehensive AI research engineering skills from the
zechenzhangAGI/AI-research-SKILLs repository covering:

Categories added (19):
- Model Architecture (4 skills): litgpt, nanogpt, mamba, rwkv
- Tokenization (2 skills): huggingface-tokenizers, sentencepiece
- Fine-Tuning (4 skills): axolotl, llama-factory, peft, unsloth
- Mechanistic Interpretability (4 skills): transformer-lens, saelens, pyvene, nnsight
- Data Processing (2 skills): ray-data, nemo-curator
- Post-Training (4 skills): trl-fine-tuning, grpo-rl-training, openrlhf, simpo
- Safety & Alignment (3 skills): constitutional-ai, llamaguard, nemo-guardrails
- Distributed Training (6 skills): accelerate, deepspeed, megatron-core, pytorch-fsdp, pytorch-lightning, ray-train
- Infrastructure (3 skills): modal, skypilot, lambda-labs
- Optimization (6 skills): flash-attention, bitsandbytes, gptq, awq, hqq, gguf
- Evaluation (2 skills): lm-evaluation-harness, bigcode-evaluation-harness
- Inference Serving (4 skills): vllm, tensorrt-llm, llama-cpp, sglang
- MLOps (3 skills): weights-and-biases, mlflow, tensorboard
- Agents (4 skills): langchain, llamaindex, crewai, autogpt
- RAG (5 skills): chroma, faiss, pinecone, qdrant, sentence-transformers
- Prompt Engineering (4 skills): dspy, instructor, guidance, outlines
- Observability (2 skills): langsmith, phoenix
- Multimodal (7 skills): clip, whisper, llava, stable-diffusion, segment-anything, blip-2, audiocraft
- Emerging Techniques (6 skills): moe-training, model-merging, long-context, speculative-decoding, knowledge-distillation, model-pruning

Total: 75 new skills added to cli-tool/components/skills/ai-research/
Components catalog updated: 259 → 334 skills

Source: https://github.com/zechenzhangAGI/AI-research-SKILLs
License: MIT
Author: Orchestra Research
@vercel
Copy link

vercel bot commented Jan 8, 2026

The latest updates on your projects. Learn more about Vercel for GitHub.

Project Deployment Review Updated (UTC)
claude-code-templates Ready Ready Preview, Comment Jan 8, 2026 2:22pm
docu Ready Ready Preview, Comment Jan 8, 2026 2:22pm

Copy link
Contributor

@cubic-dev-ai cubic-dev-ai bot left a comment

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

40 issues found across 268 files

Note: This PR contains a large number of files. cubic only reviews up to 75 files per PR, so some files may not have been reviewed.

Prompt for AI agents (all issues)

Check if these issues are valid — if so, understand the root cause of each and fix them.


<file name="cli-tool/components/skills/ai-research/agents-langchain/SKILL.md">

<violation number="1" location="cli-tool/components/skills/ai-research/agents-langchain/SKILL.md:145">
P0: Critical security vulnerability: Using `eval()` on user-controlled input enables arbitrary code execution. An LLM agent could pass malicious Python expressions to this calculator tool. Use a safe math expression parser like `numexpr`, `ast.literal_eval`, or `simpleeval` instead.</violation>

<violation number="2" location="cli-tool/components/skills/ai-research/agents-langchain/SKILL.md:303">
P2: Incorrect API usage: `WebBaseLoader.load()` doesn't accept URL arguments. The URL must be provided in the constructor. This example will fail at runtime.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/agents-langchain/references/agents.md">

<violation number="1" location="cli-tool/components/skills/ai-research/agents-langchain/references/agents.md:25">
P0: Using `eval()` on user input is a critical security vulnerability that allows arbitrary code execution. Documentation examples should demonstrate safe patterns since developers often copy them directly. Consider using a safer alternative like `ast.literal_eval()` for numeric literals, or a library like `simpleeval` for safe math expression evaluation.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/agents-crewai/SKILL.md">

<violation number="1" location="cli-tool/components/skills/ai-research/agents-crewai/SKILL.md:241">
P1: Security: Using `eval()` on untrusted input enables arbitrary code execution. In AI agent tools, inputs can come from LLMs (which may be prompt-injected) or external sources. Consider using a safe math expression parser like `simpleeval` or `numexpr`, or at minimum add a security warning about this being an unsafe example.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/infrastructure-lambda-labs/references/advanced-usage.md">

<violation number="1" location="cli-tool/components/skills/ai-research/infrastructure-lambda-labs/references/advanced-usage.md:85">
P2: Missing `import functools` - this example will raise a `NameError` when copied by users.</violation>

<violation number="2" location="cli-tool/components/skills/ai-research/infrastructure-lambda-labs/references/advanced-usage.md:234">
P2: Security: `AutoAddPolicy()` accepts any host key without verification, enabling MITM attacks. Consider using `RejectPolicy()` or `WarningPolicy()` with known_hosts verification, especially since this file has a 'Security Best Practices' section.</violation>

<violation number="3" location="cli-tool/components/skills/ai-research/infrastructure-lambda-labs/references/advanced-usage.md:240">
P1: Bug: `stderr.read()` is called twice. The first call consumes the stream, so the second call inside the print will always return empty bytes. Store the result in a variable first.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/distributed-training-ray-train/SKILL.md">

<violation number="1" location="cli-tool/components/skills/ai-research/distributed-training-ray-train/SKILL.md:99">
P1: The `dataloader` variable is used but never defined within `train_func`. In Ray Train, the training function runs on workers without access to the outer scope, so `dataloader` needs to be created inside the function or passed via `config`.</violation>

<violation number="2" location="cli-tool/components/skills/ai-research/distributed-training-ray-train/SKILL.md:238">
P1: Incorrect checkpoint pattern. Files should be saved to a directory first, then `Checkpoint.from_directory()` should be called on that directory. Also, `checkpoint.path / "model.pt"` may fail as `path` might be a string, not a Path object.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/distributed-training-ray-train/references/multi-node.md">

<violation number="1" location="cli-tool/components/skills/ai-research/distributed-training-ray-train/references/multi-node.md:366">
P1: SLURM script bug: `head_node_ip` is set to each node's own IP, so workers will try to connect to themselves instead of the head node. Use SLURM's node list to get the actual head node IP on all nodes.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/emerging-techniques-knowledge-distillation/SKILL.md">

<violation number="1" location="cli-tool/components/skills/ai-research/emerging-techniques-knowledge-distillation/SKILL.md:178">
P1: Undefined variable `train_dataset` in production training script. This will raise a `NameError` at runtime. Consider adding a `train_dataset` parameter to the function or loading it within the function body.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/agents-autogpt/references/advanced-usage.md">

<violation number="1" location="cli-tool/components/skills/ai-research/agents-autogpt/references/advanced-usage.md:75">
P2: The synchronous `OpenAI` client doesn't support `await`. Use `AsyncOpenAI` for async operations.</violation>

<violation number="2" location="cli-tool/components/skills/ai-research/agents-autogpt/references/advanced-usage.md:485">
P1: Flask-style tuple return doesn't work in FastAPI. This will return status 200 with the tuple as content, not a 401 error. Use `raise HTTPException(status_code=401, detail="Invalid signature")` or `return JSONResponse(status_code=401, content={"error": "Invalid signature"})`.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/emerging-techniques-long-context/references/fine_tuning.md">

<violation number="1" location="cli-tool/components/skills/ai-research/emerging-techniques-long-context/references/fine_tuning.md:47">
P2: Parameter `tokenizer` defaults to `None` but is used directly without a null check. This will raise `AttributeError` if called without providing a tokenizer. Consider either removing the default value or adding a validation check.</violation>

<violation number="2" location="cli-tool/components/skills/ai-research/emerging-techniques-long-context/references/fine_tuning.md:64">
P2: `next(dataset)` will raise `TypeError` because HuggingFace Dataset objects are not iterators. This needs to be refactored to use an iterator or index-based access.</violation>

<violation number="3" location="cli-tool/components/skills/ai-research/emerging-techniques-long-context/references/fine_tuning.md:406">
P2: `random` module is used but not imported. Add `import random` to the imports for this code example.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/distributed-training-accelerate/references/megatron-integration.md">

<violation number="1" location="cli-tool/components/skills/ai-research/distributed-training-accelerate/references/megatron-integration.md:265">
P2: Undefined variable `train_loader` in example code. The "Full Training Script" uses `train_loader` before it's defined, which will cause a `NameError`. Add dataloader creation before the `prepare()` call.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/inference-serving-vllm/references/troubleshooting.md">

<violation number="1" location="cli-tool/components/skills/ai-research/inference-serving-vllm/references/troubleshooting.md:377">
P2: Incorrect port for vLLM metrics endpoint. vLLM serves Prometheus metrics at `/metrics` on the same port as the API server (default 8000), not on port 9090. Port 9090 is the default Prometheus server port, not the vLLM metrics endpoint. Users following this guide will get connection refused errors.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/agents-llamaindex/SKILL.md">

<violation number="1" location="cli-tool/components/skills/ai-research/agents-llamaindex/SKILL.md:351">
P2: Deprecated Pinecone API: `pinecone.init()` was deprecated in SDK v3.0.0. This pattern will fail with current Pinecone versions. The repository's own Pinecone skill shows the correct modern API pattern using `Pinecone()` class instantiation.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/inference-serving-vllm/references/quantization.md">

<violation number="1" location="cli-tool/components/skills/ai-research/inference-serving-vllm/references/quantization.md:133">
P2: `quantize_config` is used in `from_pretrained()` before it's defined. Move the `quantize_config = BaseQuantizeConfig(...)` block above the `from_pretrained()` call.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/distributed-training-accelerate/references/custom-plugins.md">

<violation number="1" location="cli-tool/components/skills/ai-research/distributed-training-accelerate/references/custom-plugins.md:264">
P2: Undefined variable `threshold` in example code. This will cause a `NameError` at runtime. The threshold should be defined as a class parameter in `__init__` and stored as `self.threshold`.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/data-processing-nemo-curator/SKILL.md">

<violation number="1" location="cli-tool/components/skills/ai-research/data-processing-nemo-curator/SKILL.md:6">
P2: License inconsistency: frontmatter says MIT but the Resources section (and the actual NeMo Curator library) uses Apache 2.0. Update the frontmatter to match the correct license.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/inference-serving-sglang/SKILL.md">

<violation number="1" location="cli-tool/components/skills/ai-research/inference-serving-sglang/SKILL.md:43">
P2: Using `-i` replaces PyPI entirely, causing `sglang[all]` installation to fail. Use `--extra-index-url` instead to add the FlashInfer index while keeping PyPI as the primary source.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/inference-serving-tensorrt-llm/references/optimization.md">

<violation number="1" location="cli-tool/components/skills/ai-research/inference-serving-tensorrt-llm/references/optimization.md:68">
P2: Shell command line continuation is broken by inline comments. In bash, `\` must be immediately followed by a newline to continue the line. The spaces and comments after `\` break this. Move comments above each line or remove them.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/inference-serving-sglang/references/deployment.md">

<violation number="1" location="cli-tool/components/skills/ai-research/inference-serving-sglang/references/deployment.md:288">
P2: Bash line continuation broken by inline comment. In bash, `\` must be the last character on a line for continuation. Adding spaces and comments after `\` breaks the command. Move comments to separate lines above or remove them.</violation>

<violation number="2" location="cli-tool/components/skills/ai-research/inference-serving-sglang/references/deployment.md:298">
P2: Bash line continuation broken by inline comment. The `\` followed by spaces and `# More memory for batching` will cause a syntax error. Move comments to separate lines or remove them.</violation>

<violation number="3" location="cli-tool/components/skills/ai-research/inference-serving-sglang/references/deployment.md:299">
P2: Bash line continuation broken by inline comment. The `\` followed by space and `# Larger cache` breaks the command.</violation>

<violation number="4" location="cli-tool/components/skills/ai-research/inference-serving-sglang/references/deployment.md:309">
P2: Bash line continuation broken by inline comment. The `\` followed by spaces and the comment will cause a syntax error when this command is executed.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/distributed-training-megatron-core/SKILL.md">

<violation number="1" location="cli-tool/components/skills/ai-research/distributed-training-megatron-core/SKILL.md:58">
P2: Math error in parallelism table: 405B row claims 128 GPUs but TP×PP×DP×CP = 8×8×2×2 = 256. Based on the correct example shown later (lines 207-213), DP should be 1, not 2, to achieve 128 GPUs.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/agents-langchain/references/integration.md">

<violation number="1" location="cli-tool/components/skills/ai-research/agents-langchain/references/integration.md:40">
P2: Deprecated Pinecone API pattern. The `pinecone.init()` and `pinecone.create_index()` methods are from the old v2 client. The current Pinecone Python client (v3+) uses `Pinecone(api_key=...)` constructor and different method signatures.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/distributed-training-pytorch-lightning/references/callbacks.md">

<violation number="1" location="cli-tool/components/skills/ai-research/distributed-training-pytorch-lightning/references/callbacks.md:252">
P2: Forward hooks registered but never removed - this causes memory leaks. The handles returned by `register_forward_hook` should be stored and removed after use (e.g., in `on_train_batch_end`). Without cleanup, hooks accumulate each epoch.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/inference-serving-vllm/references/optimization.md">

<violation number="1" location="cli-tool/components/skills/ai-research/inference-serving-vllm/references/optimization.md:198">
P2: Inline comments after backslash line continuations break bash syntax. When users copy-paste this command, it will fail because `# comment` terminates the line, and subsequent arguments become separate (failing) commands. Move comments above each line or remove them.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/inference-serving-tensorrt-llm/SKILL.md">

<violation number="1" location="cli-tool/components/skills/ai-research/inference-serving-tensorrt-llm/SKILL.md:76">
P2: Invalid bash syntax: backslash line continuation must be the last character on the line. Having `\              # comment` will not work as intended - the backslash escapes the space, not the newline. Either remove inline comments or place them on separate lines above each flag.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/emerging-techniques-knowledge-distillation/references/minillm.md">

<violation number="1" location="cli-tool/components/skills/ai-research/emerging-techniques-knowledge-distillation/references/minillm.md:139">
P2: Incorrect loss computation in policy gradient example. Taking the mean of raw logits (`-student_outputs.logits.mean()`) is not a valid loss. Since labels are provided to the model call, use `student_outputs.loss` which contains the properly computed cross-entropy loss.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/distributed-training-megatron-core/references/training-recipes.md">

<violation number="1" location="cli-tool/components/skills/ai-research/distributed-training-megatron-core/references/training-recipes.md:482">
P2: Invalid parallelism configuration: 2 × 16 × 64 = 2,048 GPUs required, but only 1,024 specified. Data parallel degree of 0.5 is impossible. The configuration should use 2,048 GPUs or reduce parallelism dimensions.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/agents-langchain/references/rag.md">

<violation number="1" location="cli-tool/components/skills/ai-research/agents-langchain/references/rag.md:359">
P2: Undefined variables `calculator` and `search` in code example. These tools are referenced but never defined or imported, which would cause a `NameError` if users copy this code. Either define these tools or use only the defined `retriever_tool`.</violation>

<violation number="2" location="cli-tool/components/skills/ai-research/agents-langchain/references/rag.md:387">
P2: Function `create_agent` is not imported and doesn't exist in LangChain. This should use `create_tool_calling_agent` (which was imported earlier) with the correct parameter `llm=` instead of `model=`.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/emerging-techniques-long-context/references/extension_methods.md">

<violation number="1" location="cli-tool/components/skills/ai-research/emerging-techniques-long-context/references/extension_methods.md:277">
P2: Incorrect example output comment. The `get_slopes_power_of_2(8)` function actually produces `[0.5, 0.25, 0.125, 0.0625, 0.03125, 0.015625, 0.0078125, 0.00390625]` (decreasing values < 1), not the claimed `[0.0625, 0.125, 0.25, 0.5, 1.0, 2.0, 4.0, 8.0]`. This misleading documentation could confuse readers learning about ALiBi slopes.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/agents-crewai/references/tools.md">

<violation number="1" location="cli-tool/components/skills/ai-research/agents-crewai/references/tools.md:297">
P2: Using `eval()` with user input is dangerous, and the "safety check" (blocking letters) is insufficient. This documentation example teaches an insecure pattern that developers may copy. Consider using a safer alternative like the `simpleeval` library or `ast.literal_eval()` for simple cases, and update the comment to not imply the current approach is secure.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/inference-serving-vllm/references/server-deployment.md">

<violation number="1" location="cli-tool/components/skills/ai-research/inference-serving-vllm/references/server-deployment.md:201">
P2: The `--trust-remote-code` flag allows execution of arbitrary Python code from model repositories, which is a security risk in production. This documentation example should include a warning about its security implications or only recommend it for trusted model sources.</violation>
</file>

Reply with feedback, questions, or to request a fix. Tag @cubic-dev-ai to re-run a review.

# Define custom tool
calculator = Tool(
name="Calculator",
func=lambda x: eval(x),
Copy link
Contributor

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

P0: Critical security vulnerability: Using eval() on user-controlled input enables arbitrary code execution. An LLM agent could pass malicious Python expressions to this calculator tool. Use a safe math expression parser like numexpr, ast.literal_eval, or simpleeval instead.

Prompt for AI agents
Check if this issue is valid — if so, understand the root cause and fix it. At cli-tool/components/skills/ai-research/agents-langchain/SKILL.md, line 145:

<comment>Critical security vulnerability: Using `eval()` on user-controlled input enables arbitrary code execution. An LLM agent could pass malicious Python expressions to this calculator tool. Use a safe math expression parser like `numexpr`, `ast.literal_eval`, or `simpleeval` instead.</comment>

<file context>
@@ -0,0 +1,480 @@
+# Define custom tool
+calculator = Tool(
+    name="Calculator",
+    func=lambda x: eval(x),
+    description="Useful for math calculations. Input: valid Python expression."
+)
</file context>

# Define tools
def calculator(expression: str) -> str:
"""Evaluate a math expression."""
return str(eval(expression))
Copy link
Contributor

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

P0: Using eval() on user input is a critical security vulnerability that allows arbitrary code execution. Documentation examples should demonstrate safe patterns since developers often copy them directly. Consider using a safer alternative like ast.literal_eval() for numeric literals, or a library like simpleeval for safe math expression evaluation.

Prompt for AI agents
Check if this issue is valid — if so, understand the root cause and fix it. At cli-tool/components/skills/ai-research/agents-langchain/references/agents.md, line 25:

<comment>Using `eval()` on user input is a critical security vulnerability that allows arbitrary code execution. Documentation examples should demonstrate safe patterns since developers often copy them directly. Consider using a safer alternative like `ast.literal_eval()` for numeric literals, or a library like `simpleeval` for safe math expression evaluation.</comment>

<file context>
@@ -0,0 +1,499 @@
+# Define tools
+def calculator(expression: str) -> str:
+    """Evaluate a math expression."""
+    return str(eval(expression))
+
+def search(query: str) -> str:
</file context>


def _run(self, expression: str) -> str:
try:
result = eval(expression)
Copy link
Contributor

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

P1: Security: Using eval() on untrusted input enables arbitrary code execution. In AI agent tools, inputs can come from LLMs (which may be prompt-injected) or external sources. Consider using a safe math expression parser like simpleeval or numexpr, or at minimum add a security warning about this being an unsafe example.

Prompt for AI agents
Check if this issue is valid — if so, understand the root cause and fix it. At cli-tool/components/skills/ai-research/agents-crewai/SKILL.md, line 241:

<comment>Security: Using `eval()` on untrusted input enables arbitrary code execution. In AI agent tools, inputs can come from LLMs (which may be prompt-injected) or external sources. Consider using a safe math expression parser like `simpleeval` or `numexpr`, or at minimum add a security warning about this being an unsafe example.</comment>

<file context>
@@ -0,0 +1,498 @@
+
+    def _run(self, expression: str) -> str:
+        try:
+            result = eval(expression)
+            return f"Result: {result}"
+        except Exception as e:
</file context>

Comment on lines +240 to +241
if stderr.read():
print(f"Error: {stderr.read().decode()}")
Copy link
Contributor

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

P1: Bug: stderr.read() is called twice. The first call consumes the stream, so the second call inside the print will always return empty bytes. Store the result in a variable first.

Prompt for AI agents
Check if this issue is valid — if so, understand the root cause and fix it. At cli-tool/components/skills/ai-research/infrastructure-lambda-labs/references/advanced-usage.md, line 240:

<comment>Bug: `stderr.read()` is called twice. The first call consumes the stream, so the second call inside the print will always return empty bytes. Store the result in a variable first.</comment>

<file context>
@@ -0,0 +1,611 @@
+    for cmd in commands:
+        stdin, stdout, stderr = client.exec_command(cmd)
+        print(stdout.read().decode())
+        if stderr.read():
+            print(f"Error: {stderr.read().decode()}")
+
</file context>
Suggested change
if stderr.read():
print(f"Error: {stderr.read().decode()}")
err = stderr.read()
if err:
print(f"Error: {err.decode()}")


# Prepare for distributed (automatic device placement)
model = train.torch.prepare_model(model)
dataloader = train.torch.prepare_data_loader(dataloader)
Copy link
Contributor

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

P1: The dataloader variable is used but never defined within train_func. In Ray Train, the training function runs on workers without access to the outer scope, so dataloader needs to be created inside the function or passed via config.

Prompt for AI agents
Check if this issue is valid — if so, understand the root cause and fix it. At cli-tool/components/skills/ai-research/distributed-training-ray-train/SKILL.md, line 99:

<comment>The `dataloader` variable is used but never defined within `train_func`. In Ray Train, the training function runs on workers without access to the outer scope, so `dataloader` needs to be created inside the function or passed via `config`.</comment>

<file context>
@@ -0,0 +1,406 @@
+
+    # Prepare for distributed (automatic device placement)
+    model = train.torch.prepare_model(model)
+    dataloader = train.torch.prepare_data_loader(dataloader)
+
+    for epoch in range(epochs):
</file context>

# Create agent with retriever tool
agent = create_tool_calling_agent(
llm=llm,
tools=[retriever_tool, calculator, search],
Copy link
Contributor

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

P2: Undefined variables calculator and search in code example. These tools are referenced but never defined or imported, which would cause a NameError if users copy this code. Either define these tools or use only the defined retriever_tool.

Prompt for AI agents
Check if this issue is valid — if so, understand the root cause and fix it. At cli-tool/components/skills/ai-research/agents-langchain/references/rag.md, line 359:

<comment>Undefined variables `calculator` and `search` in code example. These tools are referenced but never defined or imported, which would cause a `NameError` if users copy this code. Either define these tools or use only the defined `retriever_tool`.</comment>

<file context>
@@ -0,0 +1,600 @@
+# Create agent with retriever tool
+agent = create_tool_calling_agent(
+    llm=llm,
+    tools=[retriever_tool, calculator, search],
+    system_prompt="Use python_docs tool for Python questions"
+)
</file context>

**Example slopes for 8 heads**:
```python
slopes = get_alibi_slopes(8)
# Output: [0.0625, 0.125, 0.25, 0.5, 1.0, 2.0, 4.0, 8.0]
Copy link
Contributor

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

P2: Incorrect example output comment. The get_slopes_power_of_2(8) function actually produces [0.5, 0.25, 0.125, 0.0625, 0.03125, 0.015625, 0.0078125, 0.00390625] (decreasing values < 1), not the claimed [0.0625, 0.125, 0.25, 0.5, 1.0, 2.0, 4.0, 8.0]. This misleading documentation could confuse readers learning about ALiBi slopes.

Prompt for AI agents
Check if this issue is valid — if so, understand the root cause and fix it. At cli-tool/components/skills/ai-research/emerging-techniques-long-context/references/extension_methods.md, line 277:

<comment>Incorrect example output comment. The `get_slopes_power_of_2(8)` function actually produces `[0.5, 0.25, 0.125, 0.0625, 0.03125, 0.015625, 0.0078125, 0.00390625]` (decreasing values < 1), not the claimed `[0.0625, 0.125, 0.25, 0.5, 1.0, 2.0, 4.0, 8.0]`. This misleading documentation could confuse readers learning about ALiBi slopes.</comment>

<file context>
@@ -0,0 +1,468 @@
+**Example slopes for 8 heads**:
+```python
+slopes = get_alibi_slopes(8)
+# Output: [0.0625, 0.125, 0.25, 0.5, 1.0, 2.0, 4.0, 8.0]
+
+# Each head has different slope
</file context>
Suggested change
# Output: [0.0625, 0.125, 0.25, 0.5, 1.0, 2.0, 4.0, 8.0]
# Output: [0.5, 0.25, 0.125, 0.0625, 0.03125, 0.015625, 0.0078125, 0.00390625]

for char in expression:
if char.isalpha():
return "Error: Letters not allowed"
result = eval(expression)
Copy link
Contributor

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

P2: Using eval() with user input is dangerous, and the "safety check" (blocking letters) is insufficient. This documentation example teaches an insecure pattern that developers may copy. Consider using a safer alternative like the simpleeval library or ast.literal_eval() for simple cases, and update the comment to not imply the current approach is secure.

Prompt for AI agents
Check if this issue is valid — if so, understand the root cause and fix it. At cli-tool/components/skills/ai-research/agents-crewai/references/tools.md, line 297:

<comment>Using `eval()` with user input is dangerous, and the "safety check" (blocking letters) is insufficient. This documentation example teaches an insecure pattern that developers may copy. Consider using a safer alternative like the `simpleeval` library or `ast.literal_eval()` for simple cases, and update the comment to not imply the current approach is secure.</comment>

<file context>
@@ -0,0 +1,429 @@
+            for char in expression:
+                if char.isalpha():
+                    return "Error: Letters not allowed"
+            result = eval(expression)
+            return f"Result: {result}"
+        except Exception as e:
</file context>

# Concatenate multiple documents
buffer = tokens
while len(buffer) < target_length:
next_example = next(dataset)
Copy link
Contributor

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

P2: next(dataset) will raise TypeError because HuggingFace Dataset objects are not iterators. This needs to be refactored to use an iterator or index-based access.

Prompt for AI agents
Check if this issue is valid — if so, understand the root cause and fix it. At cli-tool/components/skills/ai-research/emerging-techniques-long-context/references/fine_tuning.md, line 64:

<comment>`next(dataset)` will raise `TypeError` because HuggingFace Dataset objects are not iterators. This needs to be refactored to use an iterator or index-based access.</comment>

<file context>
@@ -0,0 +1,611 @@
+            # Concatenate multiple documents
+            buffer = tokens
+            while len(buffer) < target_length:
+                next_example = next(dataset)
+                buffer.extend(tokenizer.encode(next_example['text']))
+
</file context>

--max-num-seqs 512 \
--gpu-memory-utilization 0.95 \
--enable-prefix-caching \
--trust-remote-code
Copy link
Contributor

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

P2: The --trust-remote-code flag allows execution of arbitrary Python code from model repositories, which is a security risk in production. This documentation example should include a warning about its security implications or only recommend it for trusted model sources.

Prompt for AI agents
Check if this issue is valid — if so, understand the root cause and fix it. At cli-tool/components/skills/ai-research/inference-serving-vllm/references/server-deployment.md, line 201:

<comment>The `--trust-remote-code` flag allows execution of arbitrary Python code from model repositories, which is a security risk in production. This documentation example should include a warning about its security implications or only recommend it for trusted model sources.</comment>

<file context>
@@ -0,0 +1,255 @@
+  --max-num-seqs 512 \
+  --gpu-memory-utilization 0.95 \
+  --enable-prefix-caching \
+  --trust-remote-code
+```
+
</file context>
Suggested change
--trust-remote-code
--trust-remote-code # WARNING: Only use with trusted model sources - allows arbitrary code execution

Copy link
Contributor

@cubic-dev-ai cubic-dev-ai bot left a comment

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

40 issues found across 268 files

Note: This PR contains a large number of files. cubic only reviews up to 75 files per PR, so some files may not have been reviewed.

Prompt for AI agents (all issues)

Check if these issues are valid — if so, understand the root cause of each and fix them.


<file name="cli-tool/components/skills/ai-research/agents-langchain/SKILL.md">

<violation number="1" location="cli-tool/components/skills/ai-research/agents-langchain/SKILL.md:145">
P0: Critical security vulnerability: Using `eval()` on user-controlled input enables arbitrary code execution. An LLM agent could pass malicious Python expressions to this calculator tool. Use a safe math expression parser like `numexpr`, `ast.literal_eval`, or `simpleeval` instead.</violation>

<violation number="2" location="cli-tool/components/skills/ai-research/agents-langchain/SKILL.md:303">
P2: Incorrect API usage: `WebBaseLoader.load()` doesn't accept URL arguments. The URL must be provided in the constructor. This example will fail at runtime.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/agents-langchain/references/agents.md">

<violation number="1" location="cli-tool/components/skills/ai-research/agents-langchain/references/agents.md:25">
P0: Using `eval()` on user input is a critical security vulnerability that allows arbitrary code execution. Documentation examples should demonstrate safe patterns since developers often copy them directly. Consider using a safer alternative like `ast.literal_eval()` for numeric literals, or a library like `simpleeval` for safe math expression evaluation.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/agents-crewai/SKILL.md">

<violation number="1" location="cli-tool/components/skills/ai-research/agents-crewai/SKILL.md:241">
P1: Security: Using `eval()` on untrusted input enables arbitrary code execution. In AI agent tools, inputs can come from LLMs (which may be prompt-injected) or external sources. Consider using a safe math expression parser like `simpleeval` or `numexpr`, or at minimum add a security warning about this being an unsafe example.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/infrastructure-lambda-labs/references/advanced-usage.md">

<violation number="1" location="cli-tool/components/skills/ai-research/infrastructure-lambda-labs/references/advanced-usage.md:85">
P2: Missing `import functools` - this example will raise a `NameError` when copied by users.</violation>

<violation number="2" location="cli-tool/components/skills/ai-research/infrastructure-lambda-labs/references/advanced-usage.md:234">
P2: Security: `AutoAddPolicy()` accepts any host key without verification, enabling MITM attacks. Consider using `RejectPolicy()` or `WarningPolicy()` with known_hosts verification, especially since this file has a 'Security Best Practices' section.</violation>

<violation number="3" location="cli-tool/components/skills/ai-research/infrastructure-lambda-labs/references/advanced-usage.md:240">
P1: Bug: `stderr.read()` is called twice. The first call consumes the stream, so the second call inside the print will always return empty bytes. Store the result in a variable first.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/distributed-training-ray-train/SKILL.md">

<violation number="1" location="cli-tool/components/skills/ai-research/distributed-training-ray-train/SKILL.md:99">
P1: The `dataloader` variable is used but never defined within `train_func`. In Ray Train, the training function runs on workers without access to the outer scope, so `dataloader` needs to be created inside the function or passed via `config`.</violation>

<violation number="2" location="cli-tool/components/skills/ai-research/distributed-training-ray-train/SKILL.md:238">
P1: Incorrect checkpoint pattern. Files should be saved to a directory first, then `Checkpoint.from_directory()` should be called on that directory. Also, `checkpoint.path / "model.pt"` may fail as `path` might be a string, not a Path object.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/distributed-training-ray-train/references/multi-node.md">

<violation number="1" location="cli-tool/components/skills/ai-research/distributed-training-ray-train/references/multi-node.md:366">
P1: SLURM script bug: `head_node_ip` is set to each node's own IP, so workers will try to connect to themselves instead of the head node. Use SLURM's node list to get the actual head node IP on all nodes.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/emerging-techniques-knowledge-distillation/SKILL.md">

<violation number="1" location="cli-tool/components/skills/ai-research/emerging-techniques-knowledge-distillation/SKILL.md:178">
P1: Undefined variable `train_dataset` in production training script. This will raise a `NameError` at runtime. Consider adding a `train_dataset` parameter to the function or loading it within the function body.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/agents-autogpt/references/advanced-usage.md">

<violation number="1" location="cli-tool/components/skills/ai-research/agents-autogpt/references/advanced-usage.md:75">
P2: The synchronous `OpenAI` client doesn't support `await`. Use `AsyncOpenAI` for async operations.</violation>

<violation number="2" location="cli-tool/components/skills/ai-research/agents-autogpt/references/advanced-usage.md:485">
P1: Flask-style tuple return doesn't work in FastAPI. This will return status 200 with the tuple as content, not a 401 error. Use `raise HTTPException(status_code=401, detail="Invalid signature")` or `return JSONResponse(status_code=401, content={"error": "Invalid signature"})`.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/emerging-techniques-long-context/references/fine_tuning.md">

<violation number="1" location="cli-tool/components/skills/ai-research/emerging-techniques-long-context/references/fine_tuning.md:47">
P2: Parameter `tokenizer` defaults to `None` but is used directly without a null check. This will raise `AttributeError` if called without providing a tokenizer. Consider either removing the default value or adding a validation check.</violation>

<violation number="2" location="cli-tool/components/skills/ai-research/emerging-techniques-long-context/references/fine_tuning.md:64">
P2: `next(dataset)` will raise `TypeError` because HuggingFace Dataset objects are not iterators. This needs to be refactored to use an iterator or index-based access.</violation>

<violation number="3" location="cli-tool/components/skills/ai-research/emerging-techniques-long-context/references/fine_tuning.md:406">
P2: `random` module is used but not imported. Add `import random` to the imports for this code example.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/distributed-training-accelerate/references/megatron-integration.md">

<violation number="1" location="cli-tool/components/skills/ai-research/distributed-training-accelerate/references/megatron-integration.md:265">
P2: Undefined variable `train_loader` in example code. The "Full Training Script" uses `train_loader` before it's defined, which will cause a `NameError`. Add dataloader creation before the `prepare()` call.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/inference-serving-vllm/references/troubleshooting.md">

<violation number="1" location="cli-tool/components/skills/ai-research/inference-serving-vllm/references/troubleshooting.md:377">
P2: Incorrect port for vLLM metrics endpoint. vLLM serves Prometheus metrics at `/metrics` on the same port as the API server (default 8000), not on port 9090. Port 9090 is the default Prometheus server port, not the vLLM metrics endpoint. Users following this guide will get connection refused errors.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/agents-llamaindex/SKILL.md">

<violation number="1" location="cli-tool/components/skills/ai-research/agents-llamaindex/SKILL.md:351">
P2: Deprecated Pinecone API: `pinecone.init()` was deprecated in SDK v3.0.0. This pattern will fail with current Pinecone versions. The repository's own Pinecone skill shows the correct modern API pattern using `Pinecone()` class instantiation.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/inference-serving-vllm/references/quantization.md">

<violation number="1" location="cli-tool/components/skills/ai-research/inference-serving-vllm/references/quantization.md:133">
P2: `quantize_config` is used in `from_pretrained()` before it's defined. Move the `quantize_config = BaseQuantizeConfig(...)` block above the `from_pretrained()` call.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/distributed-training-accelerate/references/custom-plugins.md">

<violation number="1" location="cli-tool/components/skills/ai-research/distributed-training-accelerate/references/custom-plugins.md:264">
P2: Undefined variable `threshold` in example code. This will cause a `NameError` at runtime. The threshold should be defined as a class parameter in `__init__` and stored as `self.threshold`.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/data-processing-nemo-curator/SKILL.md">

<violation number="1" location="cli-tool/components/skills/ai-research/data-processing-nemo-curator/SKILL.md:6">
P2: License inconsistency: frontmatter says MIT but the Resources section (and the actual NeMo Curator library) uses Apache 2.0. Update the frontmatter to match the correct license.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/inference-serving-sglang/SKILL.md">

<violation number="1" location="cli-tool/components/skills/ai-research/inference-serving-sglang/SKILL.md:43">
P2: Using `-i` replaces PyPI entirely, causing `sglang[all]` installation to fail. Use `--extra-index-url` instead to add the FlashInfer index while keeping PyPI as the primary source.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/inference-serving-tensorrt-llm/references/optimization.md">

<violation number="1" location="cli-tool/components/skills/ai-research/inference-serving-tensorrt-llm/references/optimization.md:68">
P2: Shell command line continuation is broken by inline comments. In bash, `\` must be immediately followed by a newline to continue the line. The spaces and comments after `\` break this. Move comments above each line or remove them.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/inference-serving-sglang/references/deployment.md">

<violation number="1" location="cli-tool/components/skills/ai-research/inference-serving-sglang/references/deployment.md:288">
P2: Bash line continuation broken by inline comment. In bash, `\` must be the last character on a line for continuation. Adding spaces and comments after `\` breaks the command. Move comments to separate lines above or remove them.</violation>

<violation number="2" location="cli-tool/components/skills/ai-research/inference-serving-sglang/references/deployment.md:298">
P2: Bash line continuation broken by inline comment. The `\` followed by spaces and `# More memory for batching` will cause a syntax error. Move comments to separate lines or remove them.</violation>

<violation number="3" location="cli-tool/components/skills/ai-research/inference-serving-sglang/references/deployment.md:299">
P2: Bash line continuation broken by inline comment. The `\` followed by space and `# Larger cache` breaks the command.</violation>

<violation number="4" location="cli-tool/components/skills/ai-research/inference-serving-sglang/references/deployment.md:309">
P2: Bash line continuation broken by inline comment. The `\` followed by spaces and the comment will cause a syntax error when this command is executed.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/distributed-training-megatron-core/SKILL.md">

<violation number="1" location="cli-tool/components/skills/ai-research/distributed-training-megatron-core/SKILL.md:58">
P2: Math error in parallelism table: 405B row claims 128 GPUs but TP×PP×DP×CP = 8×8×2×2 = 256. Based on the correct example shown later (lines 207-213), DP should be 1, not 2, to achieve 128 GPUs.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/agents-langchain/references/integration.md">

<violation number="1" location="cli-tool/components/skills/ai-research/agents-langchain/references/integration.md:40">
P2: Deprecated Pinecone API pattern. The `pinecone.init()` and `pinecone.create_index()` methods are from the old v2 client. The current Pinecone Python client (v3+) uses `Pinecone(api_key=...)` constructor and different method signatures.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/distributed-training-pytorch-lightning/references/callbacks.md">

<violation number="1" location="cli-tool/components/skills/ai-research/distributed-training-pytorch-lightning/references/callbacks.md:252">
P2: Forward hooks registered but never removed - this causes memory leaks. The handles returned by `register_forward_hook` should be stored and removed after use (e.g., in `on_train_batch_end`). Without cleanup, hooks accumulate each epoch.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/inference-serving-vllm/references/optimization.md">

<violation number="1" location="cli-tool/components/skills/ai-research/inference-serving-vllm/references/optimization.md:198">
P2: Inline comments after backslash line continuations break bash syntax. When users copy-paste this command, it will fail because `# comment` terminates the line, and subsequent arguments become separate (failing) commands. Move comments above each line or remove them.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/inference-serving-tensorrt-llm/SKILL.md">

<violation number="1" location="cli-tool/components/skills/ai-research/inference-serving-tensorrt-llm/SKILL.md:76">
P2: Invalid bash syntax: backslash line continuation must be the last character on the line. Having `\              # comment` will not work as intended - the backslash escapes the space, not the newline. Either remove inline comments or place them on separate lines above each flag.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/emerging-techniques-knowledge-distillation/references/minillm.md">

<violation number="1" location="cli-tool/components/skills/ai-research/emerging-techniques-knowledge-distillation/references/minillm.md:139">
P2: Incorrect loss computation in policy gradient example. Taking the mean of raw logits (`-student_outputs.logits.mean()`) is not a valid loss. Since labels are provided to the model call, use `student_outputs.loss` which contains the properly computed cross-entropy loss.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/distributed-training-megatron-core/references/training-recipes.md">

<violation number="1" location="cli-tool/components/skills/ai-research/distributed-training-megatron-core/references/training-recipes.md:482">
P2: Invalid parallelism configuration: 2 × 16 × 64 = 2,048 GPUs required, but only 1,024 specified. Data parallel degree of 0.5 is impossible. The configuration should use 2,048 GPUs or reduce parallelism dimensions.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/agents-langchain/references/rag.md">

<violation number="1" location="cli-tool/components/skills/ai-research/agents-langchain/references/rag.md:359">
P2: Undefined variables `calculator` and `search` in code example. These tools are referenced but never defined or imported, which would cause a `NameError` if users copy this code. Either define these tools or use only the defined `retriever_tool`.</violation>

<violation number="2" location="cli-tool/components/skills/ai-research/agents-langchain/references/rag.md:387">
P2: Function `create_agent` is not imported and doesn't exist in LangChain. This should use `create_tool_calling_agent` (which was imported earlier) with the correct parameter `llm=` instead of `model=`.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/emerging-techniques-long-context/references/extension_methods.md">

<violation number="1" location="cli-tool/components/skills/ai-research/emerging-techniques-long-context/references/extension_methods.md:277">
P2: Incorrect example output comment. The `get_slopes_power_of_2(8)` function actually produces `[0.5, 0.25, 0.125, 0.0625, 0.03125, 0.015625, 0.0078125, 0.00390625]` (decreasing values < 1), not the claimed `[0.0625, 0.125, 0.25, 0.5, 1.0, 2.0, 4.0, 8.0]`. This misleading documentation could confuse readers learning about ALiBi slopes.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/agents-crewai/references/tools.md">

<violation number="1" location="cli-tool/components/skills/ai-research/agents-crewai/references/tools.md:297">
P2: Using `eval()` with user input is dangerous, and the "safety check" (blocking letters) is insufficient. This documentation example teaches an insecure pattern that developers may copy. Consider using a safer alternative like the `simpleeval` library or `ast.literal_eval()` for simple cases, and update the comment to not imply the current approach is secure.</violation>
</file>

<file name="cli-tool/components/skills/ai-research/inference-serving-vllm/references/server-deployment.md">

<violation number="1" location="cli-tool/components/skills/ai-research/inference-serving-vllm/references/server-deployment.md:201">
P2: The `--trust-remote-code` flag allows execution of arbitrary Python code from model repositories, which is a security risk in production. This documentation example should include a warning about its security implications or only recommend it for trusted model sources.</violation>
</file>

Reply with feedback, questions, or to request a fix. Tag @cubic-dev-ai to re-run a review.

# Define custom tool
calculator = Tool(
name="Calculator",
func=lambda x: eval(x),
Copy link
Contributor

@cubic-dev-ai cubic-dev-ai bot Jan 8, 2026

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

P0: Critical security vulnerability: Using eval() on user-controlled input enables arbitrary code execution. An LLM agent could pass malicious Python expressions to this calculator tool. Use a safe math expression parser like numexpr, ast.literal_eval, or simpleeval instead.

Prompt for AI agents
Check if this issue is valid — if so, understand the root cause and fix it. At cli-tool/components/skills/ai-research/agents-langchain/SKILL.md, line 145:

<comment>Critical security vulnerability: Using `eval()` on user-controlled input enables arbitrary code execution. An LLM agent could pass malicious Python expressions to this calculator tool. Use a safe math expression parser like `numexpr`, `ast.literal_eval`, or `simpleeval` instead.</comment>

<file context>
@@ -0,0 +1,480 @@
+# Define custom tool
+calculator = Tool(
+    name="Calculator",
+    func=lambda x: eval(x),
+    description="Useful for math calculations. Input: valid Python expression."
+)
</file context>
Fix with Cubic

# Define tools
def calculator(expression: str) -> str:
"""Evaluate a math expression."""
return str(eval(expression))
Copy link
Contributor

@cubic-dev-ai cubic-dev-ai bot Jan 8, 2026

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

P0: Using eval() on user input is a critical security vulnerability that allows arbitrary code execution. Documentation examples should demonstrate safe patterns since developers often copy them directly. Consider using a safer alternative like ast.literal_eval() for numeric literals, or a library like simpleeval for safe math expression evaluation.

Prompt for AI agents
Check if this issue is valid — if so, understand the root cause and fix it. At cli-tool/components/skills/ai-research/agents-langchain/references/agents.md, line 25:

<comment>Using `eval()` on user input is a critical security vulnerability that allows arbitrary code execution. Documentation examples should demonstrate safe patterns since developers often copy them directly. Consider using a safer alternative like `ast.literal_eval()` for numeric literals, or a library like `simpleeval` for safe math expression evaluation.</comment>

<file context>
@@ -0,0 +1,499 @@
+# Define tools
+def calculator(expression: str) -> str:
+    """Evaluate a math expression."""
+    return str(eval(expression))
+
+def search(query: str) -> str:
</file context>
Fix with Cubic


def _run(self, expression: str) -> str:
try:
result = eval(expression)
Copy link
Contributor

@cubic-dev-ai cubic-dev-ai bot Jan 8, 2026

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

P1: Security: Using eval() on untrusted input enables arbitrary code execution. In AI agent tools, inputs can come from LLMs (which may be prompt-injected) or external sources. Consider using a safe math expression parser like simpleeval or numexpr, or at minimum add a security warning about this being an unsafe example.

Prompt for AI agents
Check if this issue is valid — if so, understand the root cause and fix it. At cli-tool/components/skills/ai-research/agents-crewai/SKILL.md, line 241:

<comment>Security: Using `eval()` on untrusted input enables arbitrary code execution. In AI agent tools, inputs can come from LLMs (which may be prompt-injected) or external sources. Consider using a safe math expression parser like `simpleeval` or `numexpr`, or at minimum add a security warning about this being an unsafe example.</comment>

<file context>
@@ -0,0 +1,498 @@
+
+    def _run(self, expression: str) -> str:
+        try:
+            result = eval(expression)
+            return f"Result: {result}"
+        except Exception as e:
</file context>
Fix with Cubic

Comment on lines +240 to +241
if stderr.read():
print(f"Error: {stderr.read().decode()}")
Copy link
Contributor

@cubic-dev-ai cubic-dev-ai bot Jan 8, 2026

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

P1: Bug: stderr.read() is called twice. The first call consumes the stream, so the second call inside the print will always return empty bytes. Store the result in a variable first.

Prompt for AI agents
Check if this issue is valid — if so, understand the root cause and fix it. At cli-tool/components/skills/ai-research/infrastructure-lambda-labs/references/advanced-usage.md, line 240:

<comment>Bug: `stderr.read()` is called twice. The first call consumes the stream, so the second call inside the print will always return empty bytes. Store the result in a variable first.</comment>

<file context>
@@ -0,0 +1,611 @@
+    for cmd in commands:
+        stdin, stdout, stderr = client.exec_command(cmd)
+        print(stdout.read().decode())
+        if stderr.read():
+            print(f"Error: {stderr.read().decode()}")
+
</file context>
Suggested change
if stderr.read():
print(f"Error: {stderr.read().decode()}")
err = stderr.read()
if err:
print(f"Error: {err.decode()}")
Fix with Cubic


# Prepare for distributed (automatic device placement)
model = train.torch.prepare_model(model)
dataloader = train.torch.prepare_data_loader(dataloader)
Copy link
Contributor

@cubic-dev-ai cubic-dev-ai bot Jan 8, 2026

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

P1: The dataloader variable is used but never defined within train_func. In Ray Train, the training function runs on workers without access to the outer scope, so dataloader needs to be created inside the function or passed via config.

Prompt for AI agents
Check if this issue is valid — if so, understand the root cause and fix it. At cli-tool/components/skills/ai-research/distributed-training-ray-train/SKILL.md, line 99:

<comment>The `dataloader` variable is used but never defined within `train_func`. In Ray Train, the training function runs on workers without access to the outer scope, so `dataloader` needs to be created inside the function or passed via `config`.</comment>

<file context>
@@ -0,0 +1,406 @@
+
+    # Prepare for distributed (automatic device placement)
+    model = train.torch.prepare_model(model)
+    dataloader = train.torch.prepare_data_loader(dataloader)
+
+    for epoch in range(epochs):
</file context>
Fix with Cubic

# Create agent with retriever tool
agent = create_tool_calling_agent(
llm=llm,
tools=[retriever_tool, calculator, search],
Copy link
Contributor

@cubic-dev-ai cubic-dev-ai bot Jan 8, 2026

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

P2: Undefined variables calculator and search in code example. These tools are referenced but never defined or imported, which would cause a NameError if users copy this code. Either define these tools or use only the defined retriever_tool.

Prompt for AI agents
Check if this issue is valid — if so, understand the root cause and fix it. At cli-tool/components/skills/ai-research/agents-langchain/references/rag.md, line 359:

<comment>Undefined variables `calculator` and `search` in code example. These tools are referenced but never defined or imported, which would cause a `NameError` if users copy this code. Either define these tools or use only the defined `retriever_tool`.</comment>

<file context>
@@ -0,0 +1,600 @@
+# Create agent with retriever tool
+agent = create_tool_calling_agent(
+    llm=llm,
+    tools=[retriever_tool, calculator, search],
+    system_prompt="Use python_docs tool for Python questions"
+)
</file context>
Fix with Cubic

**Example slopes for 8 heads**:
```python
slopes = get_alibi_slopes(8)
# Output: [0.0625, 0.125, 0.25, 0.5, 1.0, 2.0, 4.0, 8.0]
Copy link
Contributor

@cubic-dev-ai cubic-dev-ai bot Jan 8, 2026

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

P2: Incorrect example output comment. The get_slopes_power_of_2(8) function actually produces [0.5, 0.25, 0.125, 0.0625, 0.03125, 0.015625, 0.0078125, 0.00390625] (decreasing values < 1), not the claimed [0.0625, 0.125, 0.25, 0.5, 1.0, 2.0, 4.0, 8.0]. This misleading documentation could confuse readers learning about ALiBi slopes.

Prompt for AI agents
Check if this issue is valid — if so, understand the root cause and fix it. At cli-tool/components/skills/ai-research/emerging-techniques-long-context/references/extension_methods.md, line 277:

<comment>Incorrect example output comment. The `get_slopes_power_of_2(8)` function actually produces `[0.5, 0.25, 0.125, 0.0625, 0.03125, 0.015625, 0.0078125, 0.00390625]` (decreasing values < 1), not the claimed `[0.0625, 0.125, 0.25, 0.5, 1.0, 2.0, 4.0, 8.0]`. This misleading documentation could confuse readers learning about ALiBi slopes.</comment>

<file context>
@@ -0,0 +1,468 @@
+**Example slopes for 8 heads**:
+```python
+slopes = get_alibi_slopes(8)
+# Output: [0.0625, 0.125, 0.25, 0.5, 1.0, 2.0, 4.0, 8.0]
+
+# Each head has different slope
</file context>
Suggested change
# Output: [0.0625, 0.125, 0.25, 0.5, 1.0, 2.0, 4.0, 8.0]
# Output: [0.5, 0.25, 0.125, 0.0625, 0.03125, 0.015625, 0.0078125, 0.00390625]
Fix with Cubic

for char in expression:
if char.isalpha():
return "Error: Letters not allowed"
result = eval(expression)
Copy link
Contributor

@cubic-dev-ai cubic-dev-ai bot Jan 8, 2026

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

P2: Using eval() with user input is dangerous, and the "safety check" (blocking letters) is insufficient. This documentation example teaches an insecure pattern that developers may copy. Consider using a safer alternative like the simpleeval library or ast.literal_eval() for simple cases, and update the comment to not imply the current approach is secure.

Prompt for AI agents
Check if this issue is valid — if so, understand the root cause and fix it. At cli-tool/components/skills/ai-research/agents-crewai/references/tools.md, line 297:

<comment>Using `eval()` with user input is dangerous, and the "safety check" (blocking letters) is insufficient. This documentation example teaches an insecure pattern that developers may copy. Consider using a safer alternative like the `simpleeval` library or `ast.literal_eval()` for simple cases, and update the comment to not imply the current approach is secure.</comment>

<file context>
@@ -0,0 +1,429 @@
+            for char in expression:
+                if char.isalpha():
+                    return "Error: Letters not allowed"
+            result = eval(expression)
+            return f"Result: {result}"
+        except Exception as e:
</file context>
Fix with Cubic

# Concatenate multiple documents
buffer = tokens
while len(buffer) < target_length:
next_example = next(dataset)
Copy link
Contributor

@cubic-dev-ai cubic-dev-ai bot Jan 8, 2026

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

P2: next(dataset) will raise TypeError because HuggingFace Dataset objects are not iterators. This needs to be refactored to use an iterator or index-based access.

Prompt for AI agents
Check if this issue is valid — if so, understand the root cause and fix it. At cli-tool/components/skills/ai-research/emerging-techniques-long-context/references/fine_tuning.md, line 64:

<comment>`next(dataset)` will raise `TypeError` because HuggingFace Dataset objects are not iterators. This needs to be refactored to use an iterator or index-based access.</comment>

<file context>
@@ -0,0 +1,611 @@
+            # Concatenate multiple documents
+            buffer = tokens
+            while len(buffer) < target_length:
+                next_example = next(dataset)
+                buffer.extend(tokenizer.encode(next_example['text']))
+
</file context>
Fix with Cubic

--max-num-seqs 512 \
--gpu-memory-utilization 0.95 \
--enable-prefix-caching \
--trust-remote-code
Copy link
Contributor

@cubic-dev-ai cubic-dev-ai bot Jan 8, 2026

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

P2: The --trust-remote-code flag allows execution of arbitrary Python code from model repositories, which is a security risk in production. This documentation example should include a warning about its security implications or only recommend it for trusted model sources.

Prompt for AI agents
Check if this issue is valid — if so, understand the root cause and fix it. At cli-tool/components/skills/ai-research/inference-serving-vllm/references/server-deployment.md, line 201:

<comment>The `--trust-remote-code` flag allows execution of arbitrary Python code from model repositories, which is a security risk in production. This documentation example should include a warning about its security implications or only recommend it for trusted model sources.</comment>

<file context>
@@ -0,0 +1,255 @@
+  --max-num-seqs 512 \
+  --gpu-memory-utilization 0.95 \
+  --enable-prefix-caching \
+  --trust-remote-code
+```
+
</file context>
Suggested change
--trust-remote-code
--trust-remote-code # WARNING: Only use with trusted model sources - allows arbitrary code execution
Fix with Cubic

- Resolved conflicts in docs/components.json
- Regenerated components.json to include both:
  - 75 new AI research skills from PR
  - 4 new Z.AI MCPs from main
  - GLM model version update
  - Website URL migration to aitmpl.com

Total skills now: 339 (was 264)

Co-Authored-By: Claude Sonnet 4.5 <[email protected]>
@github-actions
Copy link
Contributor

github-actions bot commented Jan 8, 2026

⚠️ Security Audit Report

Status: ❌ FAILED

Summary

  • Total components: 383
  • Passed: 133
  • Failed: 250
  • ⚠️ Warnings: 178

❌ Failed Components

components/agents/ai-specialists/prompt-engineer.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    semantic: 1 error(s)

    • SEM_E002: Prompt injection detected: Reference to system/developer instructions

components/agents/ai-specialists/search-specialist.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E006: Missing required field: tools

components/agents/blockchain-web3/smart-contract-auditor.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:193)

1 | ...
2 | ... security assessments. Examples: Context: User needs t ...
-----------------------------------------^
3 | ...

components/agents/blockchain-web3/smart-contract-specialist.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:200)

1 | ...
2 | ... ure contract patterns. Examples: Context: User needs t ...
-----------------------------------------^
3 | ...

components/agents/blockchain-web3/web3-integration-specialist.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:237)

1 | ...
2 | ... and dApp development. Examples: Context: User needs t ...
-----------------------------------------^
3 | ...

components/agents/business-marketing/cli-tool/components/agents/business-marketing/cli-tool/components/agents/business-marketing/vital-health-content-agent.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/agents/business-marketing/cli-tool/components/agents/business-marketing/vital-health-content-agent.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/agents/database/database-architect.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    semantic: 1 error(s)

    • SEM_E011: Hardcoded password detected

components/agents/database/neon-auth-specialist.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    semantic: 1 error(s)

    • SEM_E017: Inline event handler detected (XSS risk)

components/agents/database/neon-expert.md

  • Errors: 2

  • Warnings: 1

  • Score: 89/100

    semantic: 2 error(s)

    • SEM_E011: Hardcoded password detected
    • SEM_E017: Inline event handler detected (XSS risk)

components/agents/deep-research-team/agent-overview.md

  • Errors: 2

  • Warnings: 1

  • Score: 89/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)
      semantic: 1 error(s)
    • SEM_E002: Prompt injection detected: Reference to system/developer instructions

components/agents/deep-research-team/data-analyst.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (4:425)

1 | ...
2 | ...
3 | ...
4 | ... amples:\n- \n Context: The user wants to understand m ...
-----------------------------------------^

components/agents/deep-research-team/query-clarifier.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (4:285)

1 | ...
2 | ...
3 | ...
4 | ... ecific and actionable. Examples: Context: The user has ...
-----------------------------------------^

components/agents/deep-research-team/report-generator.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (4:426)

1 | ...
2 | ...
3 | ...
4 | ... the research process. Examples: Context: The user has ...
-----------------------------------------^

components/agents/deep-research-team/research-brief-generator.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (4:353)

1 | ...
2 | ...
3 | ...
4 | ... cess criteria. Context: The user has asked a research ...
-----------------------------------------^

components/agents/deep-research-team/research-coordinator.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (4:307)

1 | ...
2 | ...
3 | ...
4 | ... sive coverage. Context: The user has asked for a compr ...
-----------------------------------------^

components/agents/deep-research-team/research-orchestrator.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (4:283)

1 | ...
2 | ...
3 | ...
4 | ... rt generation. Context: User wants to conduct thorough ...
-----------------------------------------^

components/agents/deep-research-team/research-synthesizer.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (4:458)

1 | ...
2 | ...
3 | ...
4 | ... nd actionable. Context: The user has multiple research ...
-----------------------------------------^

components/agents/deep-research-team/technical-researcher.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (4:358)

1 | ...
2 | ...
3 | ...
4 | ... plementations. Context: The user wants to understand d ...
-----------------------------------------^

components/agents/development-team/devops-engineer.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    semantic: 1 error(s)

    • SEM_E011: Hardcoded password detected

components/agents/development-team/fullstack-developer.md

  • Errors: 2

  • Warnings: 2

  • Score: 88/100

    semantic: 2 error(s)

    • SEM_E011: Hardcoded password detected
    • SEM_E017: Inline event handler detected (XSS risk)

components/agents/development-tools/command-expert.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    semantic: 1 error(s)

    • SEM_E007: Security bypass attempt detected

components/agents/development-tools/context-manager.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    semantic: 1 error(s)

    • SEM_E005: Credential harvesting pattern detected

components/agents/development-tools/test-engineer.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    semantic: 1 error(s)

    • SEM_E011: Hardcoded password detected

components/agents/development-tools/unused-code-cleaner.md

  • Errors: 2

  • Warnings: 1

  • Score: 89/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)
      semantic: 1 error(s)
    • SEM_E016: javascript: protocol detected (XSS risk)

components/agents/expert-advisors/agent-expert.md

  • Errors: 1

  • Warnings: 3

  • Score: 92/100

    structural: 1 error(s)

    • STRUCT_E006: Missing required field: tools

components/agents/expert-advisors/architect-review.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:167)

1 | ...
2 | ... , and maintainability. Examples: Context: A developer ...
-----------------------------------------^
3 | ...
4 | ...

components/agents/expert-advisors/dependency-manager.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:153)

1 | ...
2 | ... nd license compliance. Examples: Context: A user wants ...
-----------------------------------------^
3 | ...

components/agents/expert-advisors/documentation-expert.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:192)

1 | ...
2 | ... cumentation from code. Examples: Context: A user wants ...
-----------------------------------------^
3 | ...

components/agents/mcp-dev-team/mcp-security-auditor.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    semantic: 1 error(s)

    • SEM_E007: Security bypass attempt detected

components/agents/mcp-dev-team/mcp-testing-engineer.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    semantic: 1 error(s)

    • SEM_E007: Security bypass attempt detected

components/agents/podcast-creator-team/academic-research-synthesizer.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    semantic: 1 error(s)

    • SEM_E005: Credential harvesting pattern detected

components/agents/podcast-creator-team/seo-podcast-optimizer.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    semantic: 1 error(s)

    • SEM_E005: Credential harvesting pattern detected

components/commands/automation/act.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E006: Missing required field: name

components/commands/automation/ci-pipeline.md

  • Errors: 1

  • Warnings: 3

  • Score: 92/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:32)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [pipeline-name] | setup | status | fix
------------------------------------^
3 | description: Manage and automate CI/CD pipeline configuration w ...

components/commands/automation/husky.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:33)

1 | allowed-tools: Bash, Read
2 | argument-hint: [--skip-install] | [--only-lint] | [--skip-tests]
-------------------------------------^
3 | description: Run comprehensive CI checks and fix issues until re ...

components/commands/automation/workflow-orchestrator.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:32)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [workflow-name] | create | run | schedule | monitor
------------------------------------^
3 | description: Orchestrate complex automation workflows with task ...

components/commands/database/supabase-backup-manager.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:28)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [operation] | --backup | --restore | --sched ...
--------------------------------^
3 | description: Manage Supabase database backups with automate ...

components/commands/database/supabase-data-explorer.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:29)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [table-name] | --query [sql] | --export | --i ...
---------------------------------^
3 | description: Explore and analyze Supabase database data with ...

components/commands/database/supabase-migration-assistant.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:33)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [migration-type] | --create | --alter | --seed | ...
-------------------------------------^
3 | description: Generate and manage Supabase database migrations wi ...

components/commands/database/supabase-performance-optimizer.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:36)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [optimization-type] | --queries | --indexes | --stor ...
----------------------------------------^
3 | description: Optimize Supabase database performance with intelligen ...

components/commands/database/supabase-realtime-monitor.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:34)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [monitoring-type] | --connections | --subscription ...
--------------------------------------^
3 | description: Monitor and optimize Supabase realtime connections w ...

components/commands/database/supabase-schema-sync.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:25)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [action] | --pull | --push | --diff | --v ...
-----------------------------^
3 | description: Synchronize database schema with Supabase u ...

components/commands/database/supabase-security-audit.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:30)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [audit-scope] | --rls | --permissions | --auth ...
----------------------------------^
3 | description: Conduct comprehensive Supabase security audit wi ...

components/commands/database/supabase-type-generator.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:35)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [generation-scope] | --all-tables | --specific-tabl ...
---------------------------------------^
3 | description: Generate TypeScript types from Supabase schema with a ...

components/commands/deployment/add-changelog.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:26)

1 | allowed-tools: Read, Edit, Write, Bash
2 | argument-hint: [version] | [entry-type] [description]
------------------------------^
3 | description: Generate and maintain project changelog with ...

components/commands/deployment/blue-green-deployment.md

  • Errors: 1

  • Warnings: 12

  • Score: 83/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:27)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [strategy] | setup | deploy | switch | roll ...
-------------------------------^
3 | description: Implement blue-green deployment strategy with ...

components/commands/deployment/changelog-demo-command.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:25)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [format] | --generate | --validate | --demo
-----------------------------^
3 | description: Demonstrate changelog automation features w ...

components/commands/deployment/ci-setup.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:27)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [platform] | --github-actions | --gitlab-ci ...
-------------------------------^
3 | description: Setup comprehensive CI/CD pipeline with autom ...

components/commands/deployment/containerize-application.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:35)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [application-type] | --node | --python | --java | - ...
---------------------------------------^
3 | description: Containerize application with optimized Docker config ...

components/commands/deployment/deployment-monitoring.md

  • Errors: 2

  • Warnings: 12

  • Score: 78/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:34)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [monitoring-type] | setup | dashboard | alerts | m ...
--------------------------------------^
3 | description: Comprehensive deployment monitoring with observabili ...
semantic: 1 error(s)

  • SEM_E011: Hardcoded password detected

components/commands/deployment/hotfix-deploy.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:30)

1 | allowed-tools: Read, Edit, Bash
2 | argument-hint: [hotfix-type] | --security | --critical | --ro ...
----------------------------------^
3 | description: Deploy critical hotfixes with emergency procedur ...

components/commands/deployment/prepare-release.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:31)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [version-type] | patch | minor | major | --pre- ...
-----------------------------------^
3 | description: Prepare and validate release packages with compre ...

components/commands/deployment/rollback-deploy.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:33)

1 | allowed-tools: Read, Edit, Bash
2 | argument-hint: [target-version] | --previous | --emergency | --v ...
-------------------------------------^
3 | description: Rollback deployment to previous version with safety ...

components/commands/deployment/setup-automated-releases.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:31)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [release-type] | --semantic | --conventional-co ...
-----------------------------------^
3 | description: Setup automated release workflows with semantic v ...

components/commands/deployment/setup-kubernetes-deployment.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:34)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [deployment-type] | --microservices | --monolith | ...
--------------------------------------^
3 | description: Configure comprehensive Kubernetes deployment with m ...

components/commands/documentation/create-architecture-documentation.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E006: Missing required field: name

components/commands/documentation/create-onboarding-guide.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:28)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [role-type] | --developer | --designer | --d ...
--------------------------------^
3 | description: Create comprehensive developer onboarding guid ...

components/commands/documentation/doc-api.md

  • Errors: 2

  • Warnings: 0

  • Score: 90/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:27)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [api-type] | --openapi | --graphql | --rest ...
-------------------------------^
3 | description: Generate comprehensive API documentation from ...
semantic: 1 error(s)

  • SEM_E014: <script> tag detected (XSS risk)

components/commands/documentation/docs-maintenance.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:35)

1 | allowed-tools: Read, Write, Edit, Bash, Grep
2 | argument-hint: [maintenance-type] | --audit | --update | --validat ...
---------------------------------------^
3 | description: Use PROACTIVELY to implement comprehensive documentat ...

components/commands/documentation/generate-api-documentation.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:32)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [output-format] | --swagger-ui | --redoc | --pos ...
------------------------------------^
3 | description: Auto-generate API reference documentation with mul ...

components/commands/documentation/interactive-documentation.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:27)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [platform] | --docusaurus | --gitbook | --n ...
-------------------------------^
3 | description: Use PROACTIVELY to create interactive documen ...

components/commands/documentation/load-llms-txt.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:30)

1 | allowed-tools: Bash, WebFetch
2 | argument-hint: [data-source] | --xatu | --custom-url | --validate
----------------------------------^
3 | description: Load and process external documentation context ...

components/commands/documentation/migration-guide.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:33)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [migration-type] | framework | database | cloud | ...
-------------------------------------^
3 | description: Create comprehensive migration guides with step-by- ...

components/commands/documentation/troubleshooting-guide.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:35)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [system-component] | --application | --database | - ...
---------------------------------------^
3 | description: Generate systematic troubleshooting documentation wit ...

components/commands/documentation/update-docs.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:27)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [doc-type] | --implementation | --api | --a ...
-------------------------------^
3 | description: Systematically update project documentation w ...

components/commands/game-development/game-analytics-integration.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:33)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [analytics-type] | --player-behavior | --performa ...
-------------------------------------^
3 | description: Use PROACTIVELY to implement game analytics systems ...

components/commands/game-development/game-asset-pipeline.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:32)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [pipeline-type] | --art | --audio | --models | - ...
------------------------------------^
3 | description: Use PROACTIVELY to build automated game asset proc ...

components/commands/game-development/game-performance-profiler.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:31)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [profile-type] | --fps | --memory | --rendering ...
-----------------------------------^
3 | description: Use PROACTIVELY to analyze game performance bottl ...

components/commands/game-development/game-testing-framework.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:28)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [test-type] | --unit | --integration | --per ...
--------------------------------^
3 | description: Use PROACTIVELY to implement comprehensive gam ...

components/commands/game-development/unity-project-setup.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:31)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [project-name] | --2d | --3d | --mobile | --vr ...
-----------------------------------^
3 | description: Use PROACTIVELY to set up professional Unity game ...

components/commands/git/feature.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E006: Missing required field: name

components/commands/git/finish.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:30)

1 | allowed-tools: Bash(git:*), Read, Edit
2 | argument-hint: [--no-delete] [--no-tag]
----------------------------------^
3 | description: Complete and merge current Git Flow branch (feat ...

components/commands/git/flow-status.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E006: Missing required field: name

components/commands/git/hotfix.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E006: Missing required field: name

components/commands/git/release.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E006: Missing required field: name

components/commands/git-workflow/branch-cleanup.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:28)

1 | allowed-tools: Bash(git branch:), Bash(git checkout:), Ba ...
2 | argument-hint: [--dry-run] | [--force] | [--remote-only] | ...
--------------------------------^
3 | description: Use PROACTIVELY to clean up merged branches, s ...

components/commands/git-workflow/commit.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:26)

1 | allowed-tools: Bash(git add:), Bash(git status:), Bash( ...
2 | argument-hint: [message] | --no-verify | --amend
------------------------------^
3 | description: Create well-formatted commits with conventio ...

components/commands/git-workflow/create-pr.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/git-workflow/create-pull-request.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/git-workflow/create-worktrees.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/git-workflow/fix-github-issue.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/git-workflow/gemini-review.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:28)

1 | allowed-tools: Bash(gh:*), Read, Grep, TodoWrite, Edit, Mul ...
2 | argument-hint: [pr-number] | --analyze-only | --preview | - ...
--------------------------------^
3 | description: Transform Gemini Code Assist PR reviews into p ...
4 | model: claude-sonnet-4-5-20250929

components/commands/git-workflow/git-bisect-helper.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:30)

1 | allowed-tools: Bash(git bisect:), Bash(git log:), Bash(git ...
2 | argument-hint: [good-commit] [bad-commit] | --auto [test-comm ...
----------------------------------^
3 | description: Use PROACTIVELY to guide automated git bisect se ...

components/commands/git-workflow/pr-review.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/git-workflow/update-branch-name.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/marketing/publisher-all.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E006: Missing required field: name

components/commands/marketing/publisher-devto.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E006: Missing required field: name

components/commands/marketing/publisher-linkedin.md

  • Errors: 2

  • Warnings: 0

  • Score: 90/100

    structural: 1 error(s)

    • STRUCT_E006: Missing required field: name
      semantic: 1 error(s)
    • SEM_E005: Credential harvesting pattern detected

components/commands/marketing/publisher-medium.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E006: Missing required field: name

components/commands/marketing/publisher-x.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E006: Missing required field: name

components/commands/nextjs-vercel/nextjs-api-tester.md

  • Errors: 1

  • Warnings: 7

  • Score: 88/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:29)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [route-path] [--method=GET] [--data='{}'] [-- ...
---------------------------------^
3 | description: Test and validate Next.js API routes with compr ...

components/commands/nextjs-vercel/nextjs-bundle-analyzer.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:26)

1 | allowed-tools: Read, Edit, Bash
2 | argument-hint: [--build] [--analyze] [--report]
------------------------------^
3 | description: Analyze and optimize Next.js bundle size wit ...

components/commands/nextjs-vercel/nextjs-component-generator.md

  • Errors: 2

  • Warnings: 1

  • Score: 89/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:33)

1 | allowed-tools: Read, Write, Edit
2 | argument-hint: [component-name] [--client] [--server] [--page] [ ...
-------------------------------------^
3 | description: Generate optimized React components for Next.js wit ...
semantic: 1 error(s)

  • SEM_E017: Inline event handler detected (XSS risk)

components/commands/nextjs-vercel/nextjs-middleware-creator.md

  • Errors: 2

  • Warnings: 5

  • Score: 85/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:34)

1 | allowed-tools: Read, Write, Edit
2 | argument-hint: [middleware-type] [--auth] [--rate-limit] [--redir ...
--------------------------------------^
3 | description: Create optimized Next.js middleware with authenticat ...
semantic: 1 error(s)

  • SEM_E005: Credential harvesting pattern detected

components/commands/nextjs-vercel/nextjs-migration-helper.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:33)

1 | allowed-tools: Read, Write, Edit, Bash, Grep, Glob
2 | argument-hint: [--pages-to-app] [--js-to-ts] [--class-to-hooks] ...
-------------------------------------^
3 | description: Comprehensive Next.js migration assistant for Pages ...

components/commands/nextjs-vercel/nextjs-performance-audit.md

  • Errors: 2

  • Warnings: 3

  • Score: 87/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:31)

1 | allowed-tools: Read, Edit, Bash
2 | argument-hint: [--lighthouse] [--bundle] [--runtime] [--all]
-----------------------------------^
3 | description: Comprehensive Next.js performance audit with acti ...
semantic: 1 error(s)

  • SEM_E014: <script> tag detected (XSS risk)

components/commands/nextjs-vercel/nextjs-scaffold.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:31)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [project-name] [--typescript] [--tailwind] [--a ...
-----------------------------------^
3 | description: Create a new Next.js application with best practi ...

components/commands/nextjs-vercel/vercel-deploy-optimize.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:30)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [environment] [--analyze] [--preview]
----------------------------------^
3 | description: Optimize and deploy Next.js application to Verce ...

components/commands/nextjs-vercel/vercel-edge-function.md

  • Errors: 3

  • Warnings: 4

  • Score: 81/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:32)

1 | allowed-tools: Read, Write, Edit
2 | argument-hint: [function-name] [--auth] [--geo] [--transform] [ ...
------------------------------------^
3 | description: Generate optimized Vercel Edge Functions with geol ...
semantic: 2 error(s)

  • SEM_E005: Credential harvesting pattern detected
  • SEM_E011: Hardcoded password detected

components/commands/nextjs-vercel/vercel-env-sync.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:25)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [--pull] [--push] [--validate] [--backup]
-----------------------------^
3 | description: Synchronize environment variables between l ...

components/commands/orchestration/archive.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/orchestration/commit.md

  • Errors: 1

  • Warnings: 2

  • Score: 93/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/orchestration/find.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/orchestration/log.md

  • Errors: 1

  • Warnings: 3

  • Score: 92/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/orchestration/move.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/orchestration/optimize.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/orchestration/remove.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/orchestration/report.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/orchestration/resume.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/orchestration/start.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/orchestration/status.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/orchestration/sync.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/performance/add-performance-monitoring.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:34)

1 | allowed-tools: Read, Bash, Grep, Glob
2 | argument-hint: [monitoring-type] | --apm | --rum | --custom
--------------------------------------^
3 | description: Setup comprehensive application performance monitori ...

components/commands/performance/implement-caching-strategy.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:29)

1 | allowed-tools: Read, Bash, Grep, Glob
2 | argument-hint: [cache-type] | --browser | --application | -- ...
---------------------------------^
3 | description: Design and implement comprehensive caching solu ...

components/commands/performance/optimize-api-performance.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:27)

1 | allowed-tools: Read, Bash, Grep, Glob
2 | argument-hint: [api-type] | --rest | --graphql | --grpc
-------------------------------^
3 | description: Comprehensive API performance optimization wi ...

components/commands/performance/optimize-build.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/performance/optimize-bundle-size.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:29)

1 | allowed-tools: Read, Bash, Grep, Glob
2 | argument-hint: [build-tool] | --webpack | --vite | --rollup
---------------------------------^
3 | description: Reduce and optimize bundle sizes through analys ...

components/commands/performance/optimize-database-performance.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:32)

1 | allowed-tools: Read, Bash, Grep, Glob
2 | argument-hint: [database-type] | --postgresql | --mysql | --mongodb
------------------------------------^
3 | description: Optimize database queries, indexing, and performan ...

components/commands/performance/optimize-memory-usage.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:30)

1 | allowed-tools: Read, Bash, Grep, Glob
2 | argument-hint: [target-area] | --frontend | --backend | --dat ...
----------------------------------^
3 | description: Comprehensive memory usage optimization with lea ...

components/commands/performance/performance-audit.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:30)

1 | allowed-tools: Read, Bash, Grep, Glob
2 | argument-hint: [target-area] | --frontend | --backend | --full
----------------------------------^
3 | description: Comprehensive performance audit with metrics, bo ...

components/commands/performance/setup-cdn-optimization.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:31)

1 | allowed-tools: Read, Bash, Grep, Glob
2 | argument-hint: [cdn-provider] | --cloudflare | --aws | --fastly
-----------------------------------^
3 | description: Configure CDN for optimal content delivery, cachi ...

components/commands/performance/system-behavior-simulator.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/project-management/add-package.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:31)

1 | allowed-tools: Read, Write, Edit, Bash, Glob
2 | argument-hint: [package-name] [package-type] | --library | --a ...
-----------------------------------^
3 | description: Add and configure new package to workspace with p ...

components/commands/project-management/add-to-changelog.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:26)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [version] [change-type] [message] | --adde ...
------------------------------^
3 | description: Add entry to project changelog following Kee ...

components/commands/project-management/create-feature.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:31)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [feature-name] | [feature-type] [name]
-----------------------------------^
3 | description: Scaffold new feature with boilerplate code, tests ...

components/commands/project-management/create-jtbd.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:31)

1 | allowed-tools: Read, Write, Edit, Grep, Glob
2 | argument-hint: [feature-name] | --template | --interactive
-----------------------------------^
3 | description: Create Jobs-to-be-Done (JTBD) analysis for produc ...

components/commands/project-management/create-prd.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:31)

1 | allowed-tools: Read, Write, Edit, Grep, Glob
2 | argument-hint: [feature-name] | --template | --interactive
-----------------------------------^
3 | description: Create Product Requirements Document (PRD) for ne ...

components/commands/project-management/create-prp.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:38)

1 | ... d-tools: Read, Write, Edit, WebSearch, Grep, Glob
2 | ... nt-hint: [feature-description] | --research | --template | --va ...
-----------------------------------------^
3 | ... ption: Create comprehensive Product Requirement Prompt (PRP) wi ...

components/commands/project-management/init-project.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:31)

1 | allowed-tools: Read, Write, Edit, Bash, Glob
2 | argument-hint: [project-type] [framework] | --react | --vue | ...
-----------------------------------^
3 | description: Initialize new project with essential structure, ...

components/commands/project-management/milestone-tracker.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:30)

1 | allowed-tools: Bash, Read, Grep, Glob
2 | argument-hint: [time-period] | --sprint | --quarter | --all
----------------------------------^
3 | description: Track and analyze project milestone progress wit ...

components/commands/project-management/pac-configure.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:31)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [project-name] | --minimal | --epic-name | --owner
-----------------------------------^
3 | description: Initialize Product as Code (PAC) project structur ...

components/commands/project-management/pac-create-epic.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:28)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [epic-name] | --name | --description | --owner
--------------------------------^
3 | description: Create new PAC epic following Product as Code ...

components/commands/project-management/pac-create-ticket.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:30)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [ticket-name] | --epic | --type | --assignee | ...
----------------------------------^
3 | description: Create new PAC ticket within an epic following P ...

components/commands/project-management/pac-update-status.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:28)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [ticket-id] | --status | --assignee | --comment
--------------------------------^
3 | description: Update PAC ticket status and track progress in ...

components/commands/project-management/pac-validate.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:24)

1 | allowed-tools: Read, Bash
2 | argument-hint: [scope] | --file | --epic | --fix | --pr ...
----------------------------^
3 | description: Validate Product as Code project structure ...

components/commands/project-management/project-health-check.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:36)

1 | allowed-tools: Read, Bash, Grep, Glob
2 | argument-hint: [evaluation-period] | --30-days | --sprint | --quarter
----------------------------------------^
3 | description: Analyze overall project health and generate comprehens ...

components/commands/project-management/project-timeline-simulator.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:31)

1 | allowed-tools: Read, Bash, Grep, Glob
2 | argument-hint: [project-type] | --duration | --team-size | --r ...
-----------------------------------^
3 | description: Simulate project outcomes with variable modeling, ...

components/commands/project-management/project-to-linear.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:38)

1 | ... d-tools: Read, Bash, Grep, Glob
2 | ... nt-hint: [project-description] | --team-id | --create-new | --e ...
-----------------------------------------^
3 | ... ption: Sync project structure and requirements to Linear worksp ...

components/commands/project-management/release.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:31)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [version-type] | --patch | --minor | --major | ...
-----------------------------------^
3 | description: Prepare and execute project release with version ...

components/commands/project-management/todo.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:25)

1 | allowed-tools: Read, Write, Edit
2 | argument-hint: [action] [task-description] | add | compl ...
-----------------------------^
3 | description: Manage project todos in todos.md file

components/commands/security/add-authentication-system.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:30)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [auth-method] | --oauth | --jwt | --mfa | --pa ...
----------------------------------^
3 | description: Implement secure user authentication system with ...

components/commands/security/dependency-audit.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:24)

1 | allowed-tools: Read, Bash, Grep
2 | argument-hint: [scope] | --security | --licenses | --up ...
----------------------------^
3 | description: Audit dependencies for security vulnerabil ...

components/commands/security/penetration-test.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:25)

1 | allowed-tools: Read, Bash, Grep, Glob
2 | argument-hint: [target] | --web-app | --api | --auth | - ...
-----------------------------^
3 | description: Perform penetration testing and vulnerabili ...

components/commands/security/secrets-scanner.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:24)

1 | allowed-tools: Read, Bash, Grep, Glob
2 | argument-hint: [scope] | --api-keys | --passwords | --c ...
----------------------------^
3 | description: Scan codebase for exposed secrets, credent ...

components/commands/security/security-audit.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:29)

1 | allowed-tools: Read, Bash, Grep, Glob
2 | argument-hint: [focus-area] | --full
---------------------------------^
3 | description: Perform comprehensive security assessment and v ...

components/commands/security/security-hardening.md

  • Errors: 1

  • Warnings: 2

  • Score: 93/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:29)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [focus-area] | --headers | --auth | --encrypt ...
---------------------------------^
3 | description: Harden application security configuration with ...

components/commands/setup/create-database-migrations.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:33)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [migration-name] | --create-table | --add-column ...
-------------------------------------^
3 | description: Create and manage database migrations with proper v ...

components/commands/setup/design-database-schema.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:30)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [schema-type] | --relational | --nosql | --hyb ...
----------------------------------^
3 | description: Design optimized database schemas with proper re ...

components/commands/setup/design-rest-api.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:30)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [api-version] | --v1 | --v2 | --graphql-hybrid ...
----------------------------------^
3 | description: Design RESTful API architecture with comprehensi ...

components/commands/setup/implement-graphql-api.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:34)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [schema-approach] | --schema-first | --code-first ...
--------------------------------------^
3 | description: Implement GraphQL API with comprehensive schema, res ...

components/commands/setup/migrate-to-typescript.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:37)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [migration-strategy] | --gradual | --complete | --str ...
-----------------------------------------^
3 | description: Migrate JavaScript project to TypeScript with proper ty ...

components/commands/setup/setup-ci-cd-pipeline.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:27)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [platform] | --github-actions | --gitlab-ci ...
-------------------------------^
3 | description: Setup comprehensive CI/CD pipeline with autom ...

components/commands/setup/setup-development-environment.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:35)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [environment-type] | --local | --docker | --cloud | ...
---------------------------------------^
3 | description: Setup comprehensive development environment with tool ...

components/commands/setup/setup-docker-containers.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:35)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [environment-type] | --development | --production | ...
---------------------------------------^
3 | description: Setup Docker containerization with multi-stage builds ...

components/commands/setup/setup-formatting.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:27)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [language] | --javascript | --typescript | ...
-------------------------------^
3 | description: Configure comprehensive code formatting tools ...

components/commands/setup/setup-linting.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:27)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [language] | --javascript | --typescript | ...
-------------------------------^
3 | description: Configure comprehensive code linting and qual ...

components/commands/setup/setup-monitoring-observability.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:34)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [monitoring-type] | --metrics | --logging | --trac ...
--------------------------------------^
3 | description: Setup comprehensive monitoring and observability wit ...

components/commands/setup/setup-monorepo.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:32)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [monorepo-tool] | --nx | --lerna | --rush | --tu ...
------------------------------------^
3 | description: Configure monorepo project structure with comprehe ...

components/commands/setup/setup-rate-limiting.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:34)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [rate-limit-type] | --api | --authentication | --f ...
--------------------------------------^
3 | description: Implement comprehensive API rate limiting with advan ...

components/commands/setup/update-dependencies.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:34)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [update-strategy] | --patch | --minor | --major | ...
--------------------------------------^
3 | description: Update and modernize project dependencies with compr ...

components/commands/setup/vercel-analytics.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E006: Missing required field: name

components/commands/simulation/business-scenario-explorer.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:35)

1 | allowed-tools: Read, Write, Edit, WebSearch
2 | argument-hint: [business-context] | --market-expansion | --product ...
---------------------------------------^
3 | description: Explore multiple business timeline scenarios with com ...

components/commands/simulation/constraint-modeler.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:36)

1 | allowed-tools: Read, Write, Edit, WebSearch
2 | argument-hint: [constraint-domain] | --business | --technical | --r ...
----------------------------------------^
3 | description: Model system constraints with validation, dependency m ...

components/commands/simulation/decision-tree-explorer.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:35)

1 | allowed-tools: Read, Write, Edit, WebSearch
2 | argument-hint: [decision-context] | --strategic | --investment | - ...
---------------------------------------^
3 | description: Explore complex decision branches with probability an ...

components/commands/simulation/digital-twin-creator.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:31)

1 | allowed-tools: Read, Write, Edit, WebSearch
2 | argument-hint: [twin-subject] | --manufacturing | --business-p ...
-----------------------------------^
3 | description: Create calibrated digital twins with real-world v ...

components/commands/simulation/future-scenario-generator.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:31)

1 | allowed-tools: Read, Write, Edit, WebSearch
2 | argument-hint: [time-horizon] | --near-term | --medium-term | ...
-----------------------------------^
3 | description: Generate comprehensive future scenarios with plau ...

components/commands/simulation/market-response-modeler.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:33)

1 | allowed-tools: Read, Write, Edit, WebSearch
2 | argument-hint: [market-trigger] | --product-launch | --pricing-c ...
-------------------------------------^
3 | description: Model comprehensive market and customer responses w ...

components/commands/simulation/monte-carlo-simulator.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:36)

1 | allowed-tools: Read, Write, Edit, WebSearch
2 | argument-hint: [simulation-target] | --financial-projections | --pr ...
----------------------------------------^
3 | description: Run Monte Carlo simulations with probability distribut ...

components/commands/simulation/simulation-calibrator.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:34)

1 | allowed-tools: Read, Write, Edit, WebSearch
2 | argument-hint: [simulation-type] | --business | --technical | --b ...
--------------------------------------^
3 | description: Calibrate simulation accuracy with systematic valida ...

components/commands/simulation/system-dynamics-modeler.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:30)

1 | allowed-tools: Read, Write, Edit, WebSearch
2 | argument-hint: [system-type] | --business-ecosystem | --organ ...
----------------------------------^
3 | description: Model complex system dynamics with feedback loop ...

components/commands/simulation/timeline-compressor.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:32)

1 | allowed-tools: Read, Write, Edit, WebSearch
2 | argument-hint: [timeline-type] | --product-development | --mark ...
------------------------------------^
3 | description: Compress real-world timelines into rapid simulatio ...

components/commands/svelte/svelte-a11y.md

  • Errors: 2

  • Warnings: 0

  • Score: 90/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)
      semantic: 1 error(s)
    • SEM_E017: Inline event handler detected (XSS risk)

components/commands/svelte/svelte-component.md

  • Errors: 2

  • Warnings: 0

  • Score: 90/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:33)

1 | allowed-tools: Read, Write, Edit
2 | argument-hint: [component-name] [--typescript] [--story]
-------------------------------------^
3 | description: Create new Svelte components with best practices, T ...
semantic: 1 error(s)

  • SEM_E014: <script> tag detected (XSS risk)

components/commands/svelte/svelte-debug.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/svelte/svelte-migrate.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/svelte/svelte-optimize.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/svelte/svelte-scaffold.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/svelte/svelte-storybook-migrate.md

  • Errors: 2

  • Warnings: 0

  • Score: 90/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)
      semantic: 1 error(s)
    • SEM_E014: <script> tag detected (XSS risk)

components/commands/svelte/svelte-storybook-mock.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/svelte/svelte-storybook-setup.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/svelte/svelte-storybook-story.md

  • Errors: 2

  • Warnings: 0

  • Score: 90/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)
      semantic: 1 error(s)
    • SEM_E014: <script> tag detected (XSS risk)

components/commands/svelte/svelte-storybook-troubleshoot.md

  • Errors: 1

  • Warnings: 4

  • Score: 91/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/svelte/svelte-storybook.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/svelte/svelte-test-coverage.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/svelte/svelte-test-fix.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/svelte/svelte-test-setup.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/svelte/svelte-test.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/sync/bidirectional-sync.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:28)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [sync-mode] | --full | --incremental | --dry ...
--------------------------------^
3 | description: Enable comprehensive bidirectional GitHub-Line ...

components/commands/sync/bulk-import-issues.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:31)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [import-scope] | --state | --label | --mileston ...
-----------------------------------^
3 | description: Bulk import GitHub issues to Linear with comprehe ...

components/commands/sync/cross-reference-manager.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:25)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [action] | audit | repair | map | validat ...
-----------------------------^
3 | description: Manage cross-platform reference links betwe ...

components/commands/sync/issue-to-linear-task.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:31)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [issue-number] | --team | --project | --close-g ...
-----------------------------------^
3 | description: Convert individual GitHub issues to Linear tasks ...

components/commands/sync/linear-task-to-issue.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:26)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [task-id] | --repo | --milestone | --close ...
------------------------------^
3 | description: Convert Linear tasks to GitHub issues with r ...

components/commands/sync/sync-automation-setup.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:29)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [setup-mode] | --full | --webhooks-only | --m ...
---------------------------------^
3 | description: Setup comprehensive automated synchronization w ...

components/commands/sync/sync-conflict-resolver.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:25)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [action] | detect | resolve | analyze | c ...
-----------------------------^
3 | description: Resolve synchronization conflicts with inte ...

components/commands/sync/sync-health-monitor.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:24)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [scope] | --github | --linear | --webhoo ...
----------------------------^
3 | description: Monitor and diagnose GitHub-Linear sync he ...

components/commands/sync/sync-issues-to-linear.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:29)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [sync-scope] | --state | --label | --assignee ...
---------------------------------^
3 | description: Sync GitHub issues to Linear workspace with com ...

components/commands/sync/sync-linear-to-issues.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:29)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [sync-scope] | --team | --project | --priorit ...
---------------------------------^
3 | description: Sync Linear tasks to GitHub issues with state m ...

components/commands/sync/sync-migration-assistant.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:33)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [migration-type] | --github-to-linear | --linear- ...
-------------------------------------^
3 | description: Comprehensive migration assistant for large-scale G ...

components/commands/sync/sync-pr-to-task.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:28)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [pr-number] | --task | --auto-detect | --ena ...
--------------------------------^
3 | description: Link GitHub pull requests to Linear tasks with ...

components/commands/sync/sync-status.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:29)

1 | allowed-tools: Read, Bash
2 | argument-hint: [--detailed] | [--health-check] | [--diagnostics]
---------------------------------^
3 | description: Monitor GitHub-Linear sync health status with p ...

components/commands/sync/task-from-pr.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:28)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [pr-number] | --team | --estimate | --batch- ...
--------------------------------^
3 | description: Create Linear tasks from GitHub pull requests ...

components/commands/team/architecture-review.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:24)

1 | allowed-tools: Read, Glob, Grep, Bash
2 | argument-hint: [scope] | --modules | --patterns | --dep ...
----------------------------^
3 | description: Comprehensive architecture review with des ...

components/commands/team/decision-quality-analyzer.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:32)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [analysis-type] | --bias-detection | --scenario- ...
------------------------------------^
3 | description: Analyze team decision quality with bias detection, ...

components/commands/team/dependency-mapper.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:24)

1 | allowed-tools: Read, Glob, Grep, Bash
2 | argument-hint: [scope] | --tasks | --code | --circular ...
----------------------------^
3 | description: Map project and task dependencies with cri ...

components/commands/team/estimate-assistant.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:35)

1 | allowed-tools: Read, Bash, Glob, Grep
2 | argument-hint: [task-description] | --historical | --complexity-an ...
---------------------------------------^
3 | description: Generate accurate task estimates using historical dat ...

components/commands/team/issue-triage.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:24)

1 | allowed-tools: Read, Write, Bash
2 | argument-hint: [scope] | --github-issues | --linear-tas ...
----------------------------^
3 | description: Intelligent issue triage with automatic ca ...

components/commands/team/memory-spring-cleaning.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:24)

1 | allowed-tools: Read, Write, Edit, Glob
2 | argument-hint: [scope] | --claude-md | --documentation ...
----------------------------^
3 | description: Clean and organize project memory files wi ...

components/commands/team/migration-assistant.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:25)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [action] | --plan | --analyze | --migrate ...
-----------------------------^
3 | description: Comprehensive system migration assistance w ...

components/commands/team/retrospective-analyzer.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:36)

1 | allowed-tools: Read, Write, Bash, Glob
2 | argument-hint: [sprint-identifier] | --metrics | --insights | --act ...
----------------------------------------^
3 | description: Analyze team retrospectives with quantitative metrics ...

components/commands/team/session-learning-capture.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:31)

1 | allowed-tools: Read, Write, Edit, Glob
2 | argument-hint: [capture-type] | --project-learnings | --implem ...
-----------------------------------^
3 | description: Capture and document session learnings with autom ...

components/commands/team/sprint-planning.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:34)

1 | allowed-tools: Read, WebSearch
2 | argument-hint: [sprint-duration] | [start-date] [duration]
--------------------------------------^
3 | description: Plan and organize sprint workflows with Linear integ ...

components/commands/team/standup-report.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:29)

1 | allowed-tools: Read, Bash, Glob, Grep
2 | argument-hint: [time-range] | --yesterday | --last-24h | --s ...
---------------------------------^
3 | description: Generate comprehensive daily standup reports wi ...

components/commands/team/team-knowledge-mapper.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:31)

1 | allowed-tools: Read, Bash, Glob, Grep
2 | argument-hint: [mapping-type] | --skill-matrix | --knowledge-g ...
-----------------------------------^
3 | description: Map team knowledge and expertise with skill gap a ...

components/commands/team/team-velocity-tracker.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:34)

1 | allowed-tools: Read, Bash, Glob, Grep
2 | argument-hint: [analysis-period] | --sprint | --monthly | --quart ...
--------------------------------------^
3 | description: Track and analyze team velocity with predictive fore ...

components/commands/team/team-workload-balancer.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:32)

1 | allowed-tools: Read, Bash, Grep, Glob
2 | argument-hint: [analysis-type] | --current-workload | --skill-m ...
------------------------------------^
3 | description: Analyze and optimize team workload distribution wi ...

components/commands/testing/add-mutation-testing.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:27)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [language] | --javascript | --java | --pyth ...
-------------------------------^
3 | description: Setup comprehensive mutation testing with fra ...

components/commands/testing/add-property-based-testing.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:27)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [language] | --javascript | --python | --ja ...
-------------------------------^
3 | description: Implement property-based testing with framewo ...

components/commands/testing/e2e-setup.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:28)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [framework] | --cypress | --playwright | --w ...
--------------------------------^
3 | description: Configure comprehensive end-to-end testing sui ...

components/commands/testing/generate-test-cases.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:25)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [target] | [scope] | --unit | --integrati ...
-----------------------------^
3 | description: Generate comprehensive test cases with auto ...

components/commands/testing/generate-tests.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:28)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [file-path] | [component-name]
--------------------------------^
3 | description: Generate comprehensive test suite with unit, i ...

components/commands/testing/setup-comprehensive-testing.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:24)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [scope] | --unit | --integration | --e2e ...
----------------------------^
3 | description: Setup complete testing infrastructure with ...

components/commands/testing/setup-load-testing.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:31)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [testing-type] | --capacity | --stress | --spik ...
-----------------------------------^
3 | description: Configure comprehensive load testing with perform ...

components/commands/testing/setup-visual-testing.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:32)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [testing-scope] | --components | --pages | --res ...
------------------------------------^
3 | description: Setup comprehensive visual regression testing with ...

components/commands/testing/test-automation-orchestrator.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:37)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [orchestration-type] | --parallel | --sequential | -- ...
-----------------------------------------^
3 | description: Orchestrate comprehensive test automation with intellig ...

components/commands/testing/test-changelog-automation.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:34)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [automation-type] | --changelog | --workflow-demo ...
--------------------------------------^
3 | description: Automate changelog testing workflow with CI integrat ...

components/commands/testing/test-coverage.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:32)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [coverage-type] | --line | --branch | --function ...
------------------------------------^
3 | description: Analyze and improve test coverage with comprehensi ...

components/commands/testing/test-quality-analyzer.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:32)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [analysis-type] | --coverage-quality | --test-ef ...
------------------------------------^
3 | description: Analyze test suite quality with comprehensive metr ...

components/commands/testing/testing_plan_integration.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:30)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [target-code] | [test-type] | --rust | --inlin ...
----------------------------------^
3 | description: Create comprehensive integration testing plan wi ...

components/commands/testing/write-tests.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:30)

1 | allowed-tools: Read, Write, Edit, Bash
2 | argument-hint: [target-file] | [test-type] | --unit | --integ ...
----------------------------------^
3 | description: Write comprehensive unit and integration tests w ...

components/commands/utilities/all-tools.md

  • Errors: 2

  • Warnings: 0

  • Score: 90/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)
      semantic: 1 error(s)
    • SEM_E002: Prompt injection detected: Reference to system/developer instructions

components/commands/utilities/architecture-scenario-explorer.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/utilities/check-file.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/utilities/clean-branches.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/utilities/clean.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/utilities/cleanup-cache.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:31)

1 | allowed-tools: Bash(df:), Bash(du:), Bash(npm cache clean:*) ...
2 | argument-hint: [--aggressive] | [--maximum]
-----------------------------------^
3 | description: Clean system caches (npm, Homebrew, Yarn, browser ...

components/commands/utilities/code-permutation-tester.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/utilities/code-review.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E002: Invalid YAML syntax in frontmatter: bad indentation of a mapping entry (2:28)

1 | allowed-tools: Read, Bash, Grep, Glob
2 | argument-hint: [file-path] | [commit-hash] | --full
--------------------------------^
3 | description: Comprehensive code quality review with securit ...

components/commands/utilities/code-to-task.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/utilities/context-prime.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/utilities/debug-error.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/utilities/directory-deep-dive.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/utilities/explain-code.md

  • Errors: 2

  • Warnings: 0

  • Score: 90/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)
      semantic: 1 error(s)
    • SEM_E005: Credential harvesting pattern detected

components/commands/utilities/fix-issue.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/utilities/generate-linear-worklog.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/utilities/git-status.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/utilities/initref.md

  • Errors: 1

  • Warnings: 1

  • Score: 94/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/utilities/prime.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/utilities/refactor-code.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E001: Missing YAML frontmatter (must start with --- and end with ---)

components/commands/utilities/ultra-think.md

  • Errors: 1

  • Warnings: 0

  • Score: 95/100

    structural: 1 error(s)

    • STRUCT_E006: Missing required field: name

📊 View full report in workflow artifacts

@davila7 davila7 merged commit d9d759e into main Jan 8, 2026
3 of 4 checks passed
Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment

Labels

None yet

Projects

None yet

Development

Successfully merging this pull request may close these issues.

3 participants