Technical Articles

review rerank_by_model

dive into rerank_by_model

similarity
December 8, 2025

通过Docker重置MySQL密码

当遗忘Docker中MySQL实例的密码时,如何安全有效地重置密码

MySQLDocker数据库
November 25, 2025

Basic Linear Algebra Subprograms

Basic Linear Algebra Subprograms

netlibblaslapack
July 24, 2025

常见的 similarity 比较

common similarity searches

Similarityvector indexvector databse
July 23, 2025

General Matrix-Matrix Multiplication

通用矩阵乘法(GEMM)详解

GEMM
July 22, 2025

FP8的两种格式

FP8的两种格式(E4M3和E5M2)

FP8E4M3E5M2
July 21, 2025

dot-product in vLLM

摘录vLLM中 dot product计算过程

dot-productvLLMcuda
July 21, 2025

FMA 指令

现代 CPU 和 GPU 中的一种基础算术指令

FMACPUGPU
July 21, 2025

pragma unroll

pragma unroll的详解

pragmaunrollcuda
July 21, 2025

Dense vs Sparse

Dense and Sparse overview

llmdensesparse
July 20, 2025

forward 方法实现(Embedding)

走读一下 forward 方法(Embedding)

Embeddingforwardcandle
July 20, 2025

Display and Debug Traits in Rust

Display and Debug Traits in Rust

DisplayDebugRust
July 19, 2025

从 Input Embeddings 到 Context Vectors

causal-attentionmulti-head-attentiontransformer
July 19, 2025

Hyperparameter overview

Hyperparameter overview

hyperparameter
July 18, 2025

Overfitting and Underfitting

Overfitting and Underfitting in Machine Learning

July 17, 2025

Training a Neural Network

A comprehensive guide on training neural networks using PyTorch, covering data loading, preprocessing, training loops, evaluation metrics, and model saving.

PyTorchNeural NetworksDeep Learning
July 16, 2025

Hello World in CUDA

A simple CUDA program that prints 'Hello, World!' from a GPU thread.

CUDAProgrammingGPU
July 15, 2025

nn module

An overview of the nn module in PyTorch, providing a high-level interface for building neural networks.

PyTorchNeural NetworksDeep Learning
July 15, 2025

Optimization Algorithms

An overview of optimization algorithms used in training neural networks.

Optimization AlgorithmsNeural NetworksDeep Learning
July 15, 2025

Loss Functions

An overview of loss functions in neural networks and their importance in training models.

Loss FunctionsNeural NetworksDeep Learning
July 14, 2025

Activation Functions

An overview of activation functions in neural networks

Activation FunctionsNeural NetworksDeep Learning
July 13, 2025

Activation Functions

An overview of activation functions in neural networks

Activation FunctionsNeural NetworksDeep Learning
July 13, 2025

Artificial Neurons

An introduction to artificial neurons, their structure, and how they function in neural networks.

Artificial NeuronsNeural NetworksDeep Learning
July 12, 2025

Neural Networks

An overview of neural networks, their architecture, and applications in AI.

Neural NetworksDeep LearningArtificial Intelligence
July 11, 2025

Excerpt - Love Poetry

Exploring the essence of love through poetry, capturing its fleeting nature and enduring impact.

Love PoetryRomantic PoetryEmotional Expression
July 10, 2025

Custom Autograd Functions

Learn how to create custom autograd functions in PyTorch for complex operations.

PyTorchAutogradCustom Functions
July 10, 2025

均值(Mean)​​和​​方差(Variance)

Understanding mean and variance in deep learning and statistics.

meanvariancestatistics
July 9, 2025

Bias Vector

Understanding the role of bias vectors in multi-head attention mechanisms.

bias vectormulti-head attentiontransformer
July 9, 2025

Gemini Embedding Models

Explore Gemini's text embedding models for advanced NLP tasks.

geminiembeddingnlp
July 8, 2025

估算运行大模型需要的GPU memory

GPU Memory Requirement Calculator for AI Models

gpu-memoryai-modelsperformance
July 8, 2025

因果自注意力与多头注意力

因果自注意力和高效多头注意力模块的PyTorch实现

causal-attentionmulti-head-attentiontransformer
July 8, 2025

Single Head Self-Attention

Single Head Self-Attention的完整实现

self-attentiontransformer
July 7, 2025

一个简单的Self-Attention机制的实现

一个简单的自注意力机制实现

自注意力transformer
July 7, 2025

一个 PyTorch FishData 例子

一个 PyTorch FishData 例子

PyTorchpandas机器学习
July 7, 2025

trainable weight self Attention

simple self attention -> trainable weight self Attention

self-attentiontransformer
July 7, 2025

机器学习基础概念

什么是机器学习?

机器学习深度学习
July 6, 2025

PyTorch Cheatsheet

PyTorch常用操作速查表

PyTorch深度学习机器学习
July 6, 2025

PyTorch中Broadcasting(广播机制)

详解PyTorch Broadcasting(广播机制)

PyTorch深度学习张量运算
July 5, 2025

PyTorch中rank与ndim的区别

详解PyTorch张量中rank(秩)与ndim(维度数)的关键区别

PyTorch深度学习张量运算
July 5, 2025

Training with multiple GPUs

Training with multiple GPUs - template code with pytorch

pythonPyTorchGPU
July 4, 2025

AI 词汇表

AI 词汇表 - 常见缩写与术语

AI词汇表
July 3, 2025

计算model的parameter参数大小

代码片段计算model的参数大小

modelparameter
July 3, 2025

Greedy search decoding

一个Greedy search decoding的例子

greedy searchtransformer
July 2, 2025

字典推导式

Python中字典推导式的基本用法

Python字典推导式
July 2, 2025

列表推导式

Python中列表推导式的基本用法

Python列表推导式
July 2, 2025

Read - July 2025'

Book reading records for July 2025

booksreading log
July 1, 2025

Chat with llama.cpp

A hands-on guide to creating an interactive chat interface using llama.cpp, covering model loading, prompt engineering, and response streaming.

llama.cppAI聊天C++
July 1, 2025

llama.cpp 分词器类型对比

llama.cpp 分词器类型对比.

llama.cppC++本地AI
July 1, 2025

llama.cpp simple source code

A llama.cpp Helloworld.

llama.cppC++本地AI
July 1, 2025

搭建 llama.cpp 开发环境并运行 simple 示例

详细指南:从零开始配置 llama.cpp 开发环境,编译并运行 simple 示例程序。

llama.cppC++AI推理
July 1, 2025

SFT vs LoRA:大模型微调技术对比

深入解析监督微调(SFT)与低秩适应(LoRA)的核心原理、应用场景及性能对比,帮助开发者选择最佳微调方案。

大模型微调技术SFT
July 1, 2025

HelloCuda 系列: CUDA CheckP2P

检查CUDA设备之间的P2P通信能力,了解如何优化GPU间的数据传输。

CUDAP2P通信GPU计算
June 18, 2025

HelloCuda 系列: CUDA nsys Profiler

使用 NVIDIA nsys Profiler 分析 CUDA 程序性能,了解如何优化 GPU 计算效率。

CUDAnsys性能分析
June 18, 2025

HelloCuda 系列: CUDA nsys Profiler

使用 NVIDIA nsys Profiler 分析 CUDA 程序性能,了解如何优化 GPU 计算效率。

CUDAnsys性能分析
June 18, 2025

HelloCuda 系列: CUDA Thrust Basic

介绍CUDA Thrust库的基本用法,了解如何在GPU上进行高效的数据处理和算法实现。

CUDAThrustGPU编程
June 18, 2025

HelloCuda 系列 第二章: CUDA Architecture

深入了解CUDA架构,探索GPU的硬件结构、计算单元及其在并行计算中的应用。

CUDAGPU架构并行计算
June 17, 2025

HelloCuda 系列 Dynamic Parallelism

深入探讨CUDA动态并行编程模型,了解如何在GPU上实现更灵活的并行计算。

CUDA动态并行GPU计算
June 17, 2025

One-Hot Encoding

了解独热编码的概念、应用场景以及在机器学习中的重要性。

机器学习独热编码数据预处理
June 16, 2025

HelloCuda 系列 第一章: CUDA Overview

深入了解CUDA编程模型,探索GPU的并行计算能力及其在数据处理中的应用。

CUDAGPU编程并行计算
June 16, 2025

HelloCuda 系列 第一章: CUDA Overview

深入了解CUDA编程模型,探索GPU的并行计算能力及其在数据处理中的应用。

CUDAGPU编程并行计算
June 16, 2025

HelloCuda 系列 第三章: CUDA Parallel Programming

深入探讨CUDA并行编程模型,了解如何高效利用GPU进行大规模数据处理和计算任务。

CUDA并行编程GPU计算
June 16, 2025

HelloCuda 系列 第四章: CUDA Profiling

深入探讨CUDA性能分析工具,了解如何优化GPU应用程序的性能和资源利用率。

CUDA性能分析GPU调优
June 16, 2025

深入理解 PyTorch 中的 `with torch.no_grad()`

本文深入探讨 PyTorch 中的 `with torch.no_grad()` 上下文管理器,解释其作用、使用场景及等价实现方式。

PyTorch深度学习上下文管理器
June 16, 2025

Python 中的三元条件表达式

了解 Python 中的三元条件表达式。

Python三元条件表达式每天一个小知识点
June 15, 2025

OCaml Function Definition

Learn how to define functions in OCaml, including syntax, examples, and best practices.

OCamlFunction DefinitionProgramming
June 14, 2025

深度学习中的CNN、FNN和RNN:网络架构与应用差异详解

介绍前馈神经网络(FNN)、卷积神经网络(CNN)和循环神经网络(RNN)的基本概念、结构和应用场景。

python深度学习FNN
June 12, 2025

TorchServe 基本用法

The comprehensive guide should get you started with deploying your FNN model using TorchServe.

python深度学习TorchServe
June 12, 2025

安装 PyTorch CUDA

搭建 PyTorch CUDA 环境的详细步骤,包括创建 Conda 环境、安装 PyTorch 及其 CUDA 支持,并验证安装。

pythonPyTorchCUDA
June 12, 2025

PyTorch 基本操作

介绍 PyTorch 的基本操作,包括张量的创建、形状变换、切片、连接、转置以及矩阵运算等。

pythonPyTorch深度学习
June 12, 2025

C++ 中的 Cast 操作总结

C++ 中的类型转换操作符总结,包括 `static_cast`、`dynamic_cast`、`const_cast`、`reinterpret_cast`、`bit_cast`、`duration_cast` 和 C 风格的类型转换。每种转换的用途、特点和示例代码。

castC++类型转换
June 11, 2025

Install conda on Ubuntu

Install conda on Ubuntu

condapythonubuntu
June 11, 2025

matchematics in machine learning

Understanding the role of mathematics in machine learning

mathmachine learningpython
June 11, 2025

理解 [[maybe_unused]]:处理未使用变量与函数的正确方式

介绍C++17引入的[[maybe_unused]]属性,如何优雅地处理未使用的变量和函数。

C++现代C++编译器
June 11, 2025

Rust 笔记

Rust is a systems programming language focused on safety, speed, and concurrency. It uses a unique ownership model to manage memory without a garbage collector.

RustProgrammingSystems Programming
June 11, 2025

The C++ language considers six member functions as special.

C++现代C++编译器
June 11, 2025

VSCode 配置 C/C++ 头文件路径

在 VSCode 中配置 C/C++ 项目的头文件搜索路径。

VSCodeC++配置
June 10, 2025

outs.guts.firing.boots

分析不同媒体在报道RFK Jr.解雇疫苗专家小组时使用的动词差异及其隐含立场。

新闻写作英语词汇政治报道
June 10, 2025

Read - June 2025

Book reading records for June 2025

booksreading log
June 1, 2025

OpenAI模型微调实战:打造企业级邮件自动回复系统

本文详细介绍如何通过微调OpenAI模型创建符合企业专业术语和写作风格的邮件自动回复系统,包含完整代码实现和最佳实践。

May 27, 2025

NVIDIA GPU Architectures Explained: From Tesla to Ampere

A comprehensive guide to NVIDIA's GPU architectures, exploring key innovations from Tesla to Ampere for developers and tech enthusiasts.

GPU computingNVIDIA architecturesCUDA programming
May 18, 2025

C++11/14/17/20 核心特性速查表

Concise reference for key C++ features across modern standards, helping developers write efficient and maintainable code.

C++programming languagessoftware engineering
May 18, 2025

Blanket Implementation 与 Trait Bound 完全指南

A comprehensive guide to Rust's trait system, covering blanket implementations and trait bounds with practical examples. Explores advanced patterns, performance implications, and standard library internals.

RustType SystemTraits
May 15, 2025

CUDA 内存类型及特性总结

深入解析CUDA内存体系结构,涵盖寄存器、共享内存、全局内存等所有内存类型的工作原理与优化策略。包含Bank Conflict解决方案、内存访问模式优化技巧及实际性能对比分析。

CUDAGPU编程内存模型
May 15, 2025

Vulkan Graphics pipeline basics

Detailed examination of each Vulkan graphics pipeline stage and their rendering responsibilities

VulkanRendering PipelineGPU Programming
May 15, 2025

Drawing Your First Triangle with Vulkan: A Step-by-Step Guide

From VkInstance to vkCmdDraw: The essential steps to render your first Vulkan triangle

VulkanGraphics ProgrammingGPU
May 12, 2025

50 Universal Technical Phrases (Set 2)

Designed to help you articulate ideas clearly and professionally in technical discussions, interviews, or presentations.

May 4, 2025

PartialEq与Eq:深入理解相等性比较的差异与实现

全面解析Rust中PartialEq与Eq特质的区别,从数学定义到实际应用场景,帮助开发者正确实现和使用这两种相等性关系。

RustTrait相等性比较
May 3, 2025

must_use

Rust官方文档对#[must_use]属性的完整说明,包含类型、函数、trait等场景的应用规范。

Rust编译器代码规范
May 3, 2025

Send与Sync:深入解析

全面解析Rust中Send与Sync特质的工作原理、实现机制及实际应用场景,涵盖自动实现规则、手动实现要点以及常见并发模式的最佳实践。

Rust并发编程线程安全
May 3, 2025

Send与Sync:代码示例

通过基础代码示例演示Send特质的所有权跨线程转移和Sync特质的共享不可变数据访问。

Rust多线程所有权转移
May 3, 2025

RewardInfo in agave

Solana 账户获得的奖励信息。

RustTraitagave
May 3, 2025

Clone + Send + Sync的三重约束

trait AppendVecScan: Send + Sync + Clone

RustTrait系统所有权模型
May 3, 2025

型变三法则:协变 vs 逆变 vs 不变

剖析Rust类型系统中协变(&T)、逆变(fn(T))和不变(&mut T)的核心区别,掌握安全泛型编程的关键规则。

Rust类型理论泛型
May 3, 2025

50 Universal Technical Phrases

Designed to help you articulate ideas clearly and professionally in technical discussions, interviews, or presentations.

May 2, 2025

Rust编译时与运行时代码:核心特征与实用指南

深度解析Rust语言中编译时(compile-time)与运行时(runtime)代码的执行机制与判断方法,包含实际案例和优化技巧。

Rust编译器性能优化
May 2, 2025

AIGC Hoopics

AIGC Hoopics is a comprehensive and general-purpose AI-generated content service. It is designed for scalability, flexibility, and efficiency, leveraging the power of Rust and Shell scripting to empower users in creating and managing AI-powered solutions.

AIGCRustShell
May 1, 2025

hoopics-admin-restful-api

A performant admin backend for hoopics image sharing platform, rebuilt in Rust with Actix-Web and Diesel ORM. Features multi-database support and follows EggJS-inspired architecture.

RustWeb DevelopmentActix-Web
May 1, 2025

SGX Attacker

SGX Attacker is an experimental project designed to explore vulnerabilities in Intel's Software Guard Extensions (SGX). It uses a combination of C++, Shell scripting, and Makefile to simulate and analyze potential attack vectors.

SGXC++Shell
May 1, 2025

The Time Machine

The Time Traveller (for so it will be convenient to speak of him) was expounding a recondite matter to us. His pale grey eyes shone and twinkled, and his usually pale face was flushed and animated...

writingsbookreflection
August 15, 2018

English Reading Journey Since 2016

Daily English book reading project started September 1, 2016

booksreading challenge
June 1, 2016