自定义博客皮肤VIP专享

*博客头图:

格式为PNG、JPG,宽度*高度大于1920*100像素,不超过2MB,主视觉建议放在右侧,请参照线上博客头图

请上传大于1920*100像素的图片!

博客底图:

图片格式为PNG、JPG,不超过1MB,可上下左右平铺至整个背景

栏目图:

图片格式为PNG、JPG,图片宽度*高度为300*38像素,不超过0.5MB

主标题颜色:

RGB颜色,例如:#AFAFAF

Hover:

RGB颜色,例如:#AFAFAF

副标题颜色:

RGB颜色,例如:#AFAFAF

自定义博客皮肤

-+
  • 博客(1142)
  • 资源 (42)
  • 收藏
  • 关注

原创 From Basics to Advanced: Exploring LangGraph

agents

2024-11-07 14:50:06 890

原创 Continue PreTrain

LLM Continue Pretrain(2024版)如何更好地继续预训练(Continue PreTraining)

2024-09-19 14:16:15 251

原创 Speculative Sampling

.

2024-09-13 14:15:37 893

原创 KV cache

大模型百倍推理加速之KV cache篇大模型推理优化技术-KV CacheEfficient Streaming Language Models with Attention Sinks

2024-09-04 22:04:11 218

原创 RLHF PPO DPO

生成式大模型的RLHF技术(一):基础​​​​​​​DPO: Direct Preference Optimization 论文解读及代码实践深入对比 DPO 和 RLHF深入理解DPO(Direct Preference Optimization)算法

2024-09-03 21:55:41 348

转载 Flamingo:通向多模态AI的里程碑

Flamingo:通向多模态AI的里程碑

2024-08-22 18:16:04 93

原创 扩散模型介绍

综述 - 扩散模型 - Diffusion Models轻松学习扩散模型(diffusion model),被巨怪踩过的脑袋也能懂——原理详解+pytorch代码详解(附全部代码)由浅入深了解Diffusion Model

2024-08-22 17:33:34 178

原创 An Introduction to Diffusion Models and Stable Diffusion

theTtt+1βₜt-1t. APfromQt,Encoder Ett-1。

2024-08-21 18:31:26 787

原创 Segment Anything(SAM) & FastSAM

一篇文章搞懂Segment Anything(SAM)Segment Anything(sam)项目整理汇总【SAM】SAM & Fast SAM & Mobile SAM

2024-08-21 17:21:38 136

原创 AI agent

LLM Powered Autonomous Agents万字长文解析AI Agent技术原理和应用

2024-08-16 21:37:06 145

原创 DETR

DETR目标检测新范式带来的思考详细解读DETR,基于transformer的目标检测网络

2024-08-14 18:49:15 116

转载 Multilingual Language Model

Multilingual多语言预训练的那些套路

2024-08-03 16:03:38 86

原创 Understanding Low-Rank Adaptation (LoRA) for Efficient Fine-Tuning of Large Language Models

This blog post will go into detail about how LoRA works to fine-tune LLMs, following the methodology set out in the “LoRA: Low-Rank Adaptation of Large Language Models” paper

2024-07-26 15:12:17 1057

原创 大模型微调

觉得这位美女写的好,就拿来了。

2024-07-19 18:26:46 285

转载 RAG技术概览

RAG

2024-07-19 17:04:31 162

原创 Prompt Engineering

提示工程(Prompt engineering)是一门相对较新的学科,旨在为各种应用和研究主题开发和优化提示,以有效地利用语言模型(LMs:language models )。提示工程技能有助于更好地了解大型语言模型(LLMs:large language models )的能力和局限性。研究人员使用提示工程来提高 LLMs 在各种常见和复杂任务(如问答和算术推理)上的能力。开发人员使用提示工程来设计稳健且有效的提示技术,与 LLMs 和其他工具进行交互。自然语言处理的标准任务之一是文本摘要。

2024-07-19 14:31:53 1860

转载 大模型基础组件 - Tokenizer

这里的动机是一个pair的频率很高,但是其中pair的一部分的频率更高,这时候不一定需要进行该pair的合并。通过这种方式可以更好的处理跨语言和不常见字符的特殊问题(例如,颜文字),相比传统的BPE更节省词表空间(同等词表大小效果更好),每个token也能获得更充分的训练。1. 根据不同的切分粒度可以把tokenizer分为: 基于词的切分,基于字的切分和基于subword的切分。这是当前大模型的主流分词方案。基于subword的切分能很好平衡基于词切分和基于字切分的优缺点,也是目前主流最主流的切分方式。

2024-07-19 11:17:57 359

转载 EfficientNet_V2 ShuffleNet_V2 MobileNets_V3 模型算法详解

图像分类】【深度学习】【轻量级网络】【Pytorch版本】EfficientNet_V2模型算法详解

2024-07-18 18:35:58 82

转载 一篇文章搞懂LLaVA-Plus

一篇文章搞懂LLaVA-Plus

2024-07-18 18:12:01 167

转载 Next-GPT: Any-to-Any Multimodal LLM

https://zhuanlan.zhihu.com/p/658317147https://zhuanlan.zhihu.com/p/663002368

2024-07-18 17:56:09 151

转载 大模型时代的分割定位:Lisa、LLava- grounding、GSVA、PixelLM、AnyRef

大模型时代的分割定位:Lisa、LLava- grounding、GSVA、PixelLM、AnyRef

2024-07-17 13:11:45 227

原创 主流微调训练方法总结 LoRA、Adapter、Prefix-tuning、P-tuning、Prompt-tuning

一文搞清楚LORA、Prompt Tuning、P-Tuning、Adapter 、Prefix等大模型微调方法

2024-07-16 17:47:12 379

转载 vLLM 系列

架构概览

2024-07-16 16:20:50 108

原创 Dissecting model performance

【代码】Dissecting model performance。

2024-07-16 16:15:11 456

原创 KV caching, a deeper look

In the previous post, we introduced KV caching, a common optimization of the inference process of LLMs that make compute requirements of the (self-)attention mechanism to scale linearly rather than quadratically in the total sequence length (prompt + gener

2024-07-16 16:13:34 1000

原创 KV caching explained

【代码】KV caching explained。

2024-07-16 16:11:11 957

原创 The two-phase process behind LLMs’ responses

LLM inference

2024-07-16 16:03:51 869

原创 (Multiple Instance Learning)Attention-based Deep Multiple Instance Learning

https://proceedings.mlr.press/v80/ilse18a/ilse18a.pdf论文解读之Attention-based Deep Multiple Instance Learning-优快云博客

2024-07-16 13:01:24 222

原创 VISION TRANSFORMERS NEED REGISTERS

Meta提出:ViT需要Registers

2024-07-16 10:31:37 593

原创 DeiT:ViT&模型蒸馏

人工智能

2024-07-16 10:14:12 157

原创 ConvNeXt

ConvNeXt-V2:当 MAE 遇见 ConvNeXt 会碰撞出怎样的火花?ConvNext详解ConvNeXt 详解ConvNeXt V2:用MAE训练CNNConvNeXt V2 论文笔记ConvNeXt V2:使用掩码自动编码器共同设计和扩展ConvNets

2024-07-15 17:04:57 143

转载 SE、CBAM、ECA 、CA注意力机制

SE、CBAM、ECA 、CA注意力机制_ca和cbam-优快云博客

2024-07-15 16:58:12 69

转载 全局响应归一化GRN解析

这就是一个特征重标定的过程,特征归一化输出的其实是一个权重值,这个值载荷输入x相乘就能获得每个通道的重要程度,GRN中还加入了两个可学习参数weight和bias用于优化。通过在H和W维度上使用L2范数,把空间特征聚合成为一个向量,其实也可以使用类似SE里的全局平均池化层,主要用于获取全局性的通道信息。用于计算当前通道相对于其他通道的相对重要性,其值在0~1之间,该方法类似于SE里的sigmoid输出。中提出的一种归一化方法,其实也就是一种注意力机制,跟视觉中常用的。

2024-07-15 16:55:59 890

原创 稀疏卷积Sparse Convolution

稀疏卷积

2024-07-15 16:39:15 156

原创 大模型生成去重技术总结

生成重复性问题

2024-07-12 18:29:47 729

原创 GPT 论文学习

GPT系列论文解读:GPT-1GPT系列论文解读:GPT-2

2024-07-12 14:51:53 155

原创 LLaMA 模型

llamA

2024-07-12 14:11:53 385

原创 Transformers KV Caching Explained

K-V cache

2024-07-12 13:15:15 708

原创 深度学习中的注意力机制:MHA、MQA和GQA

深度学习中的注意力机制:MHA、MQA和GQA

2024-07-12 10:29:26 626

原创 SwiGLU 作为激活函数

激活函数

2024-07-11 18:50:49 172

Text_Mining-From_Ontology_Learning_to_Automated_Text_Processing_Applications

很好的资料了,Text_Mining-From_Ontology_Learning_to_Automated_Text_Processing_Applications

2017-12-13

Data Wrangling with R

Data Wrangling with R, R进行数据处理很好的一本书了

2017-12-15

Swarm Intelligence Principles Advances and Applications

Swarm Intelligence Principles Advances and Applications

2018-01-13

Elegant SciPy

2017年8月的一本新书,对学习scipy这个库有很大的帮助。

2017-11-27

Python Natural Language Processing最新版本

很好的一本数, 是比较全的NLP知识的书籍了,欢迎大家下载,英文版

2017-12-06

Spark大数据处理技术 带标签 完整版

Spark大数据处理技术 这本书讲解的很全面, 很适合学习,但大部分网上下载的都是零碎不完整的,这本是经过优化整理,压缩后的完整的版本。

2017-11-12

Text Mining in Practice with R 2017.12

最新版本的书籍,Text Mining in Practice with R, 对于R学习者很有用处。

2017-12-13

NLTK基础教程-用NLTK和Python库构建机器学习应用2017-06

NLTK基础教程-用NLTK和Python库构建机器学习应用2017-06

2017-12-13

TensorFlow技术解析与实战 高清晰完整版- 2017新书

TensorFlow技术解析与实战, 2017年出版最新的一本书,很适合初学者

2017-11-03

模式分类11

2016-11-07

Fundamentals of Deep Learning完整非扫描版本2017

Fundamentals of Deep Learning 完整非扫描版本, 作者会不断完善更新这本书, 现在是2017年版本 Nikhil Buduma and Nicholas Locascio

2017-12-16

敏捷软件开发:原则、模式与实践

用处很大了, 主要讲了设计模式, 敏捷开发机制和时间方式,对你帮助很大的,我看了后才有领悟

2013-09-29

Mastering Scipy

很好的学习scipy的书籍,希望能够用得到好好学习, 谢谢

2017-11-27

TENSORFLOW深度学习

TENSORFLOW深度学习,(DEEP LEARNING WITH TENSORFLOW)很好的一本书

2017-10-30

Tensorflow 机器学习参考手册2007

TensorFlow Machine Learning Cookbook2017, 很好的一本数, 中文翻译版, 希望给大家带来很好的帮助了

2017-11-22

Reinforcement Learning With Open A TensorFlow and Keras Using Python.pdf

Reinforcement Learning With Open A TensorFlow and Keras Using Python, 利用python进行增强学习的书籍,是目前最新的

2017-12-18

reinforcement learning An Introduction 第二版

完整版,并且清晰度很好的一本书,是初学者理想的选择了

2017-11-13

集体编程智慧

2016-11-07

ollydbg 教程

ollydbg 的使用教程 我见过的最专业和最好的教程, 中文版的

2010-01-28

面向对象方法原理与实践

很好的资料,初学者进一步升级使用的资料,软件工程技术用书,原书第三版

2012-10-19

llama3 study

llama3 study

2024-07-25

tensorrt ppt资料

tensorrt的教程, 和相关的资料,案例,供大家学习

2024-07-09

GPU-知识点资料合集

bank_conflicts coalescing

2023-08-03

Pro Go The Complete Guide -go语言学习最新书籍

Best-selling author Adam Freeman explains how to get the most from Go, starting from the basics and building up to the most advanced and sophisticated features. You will learn how Go builds on a simple and consistent type system to create a comprehensive and productive development experience that produces fast and robust applications that run across platforms 参见:https://www.amazon.com/Pro-Go-Complete-Programming-Efficient/dp/1484273540/ref=sr_1_1?crid=1K22H21ZB1EIZ&keywords=Pro+Go+The+Complete+G

2023-06-19

Deep_Learning_Quick_Reference

Deep_Learning_Quick_Reference, a cookbook for deep learning

2018-09-01

Pattern_Recognition_and_Big_Data

Pattern_Recognition_and_Big_Data 很好的资源,对于学习大数据的朋友来说

2018-09-07

扩散模型讲义 美国大学之一

扩散模型讲义 美国大学之一

2023-03-28

Advanced_Programming_in_the_UNIX_Environment,_3rd

Advanced_Programming_in_the_UNIX_Environment,_3rd_Edition very good book for unix user

2018-11-30

Python Machine Learning Machine Learning and Deep Learning

Python Machine Learning Machine Learning and Deep Learning with Python, scikit-learn, and TensorFlow, 2nd Edition 很受推荐

2018-03-27

Data Structures and Algorithms Using Python and C++

Data Structures and Algorithms Using Python and C++ 数据结构与算法方面的书籍

2018-03-27

Machine Learning and Deep Learning with Python, scikit-learn, and TensorFlow

Table of Contents Giving Computers the Ability to Learn from Data Training Simple Machine Learning Algorithms for Classification A Tour of Machine Learning Classifiers Using Scikit-Learn Building Good Training Sets - Data Preprocessing Compressing Data via Dimensionality Reduction Learning Best Practices for Model Evaluation and Hyperparameter Tuning Combining Different Models for Ensemble Learning Applying Machine Learning to Sentiment Analysis Embedding a Machine Learning Model into a Web Application Predicting Continuous Target Variables with Regression Analysis Working with Unlabeled Data - Clustering Analysis Implementing a Multilayer Artificial Neural Network from Scratch Parallelizing Neural Network Training with TensorFlow Going Deeper - The Mechanics of TensorFlow Classifying Images with Deep Convolutional Neural Networks Modeling Sequential Data using Recurrent Neural Networks

2018-03-17

Convex Optimization Algorithms

Convex Optimization Algorithms, understand convex optimization algorithms, this is good chances

2018-09-01

图论引导 中文

中文版本图论引导

2018-09-05

machine learning algorithm

machine learning algorithm 想学习的可以好好学学了

2018-04-02

现代图论--------------

现代图论 研究生教材 适合大家学习与总结了

2018-09-05

Approximate.Dynamic.Programming.2011

Approximate.Dynamic.Programming 和Reinforcement learning an introduction 一起学习

2018-01-17

计算群体智能基础

计算群体智能基础, 学习群体智能算法很好的一本书籍, 推荐

2018-01-13

深度学习之Pytorch

国内少有的学习 pytorch的资料,适合初学者, 希望对大家有帮助,清晰版本

2018-03-27

Guide.to.Medical.Image.Analysis.Methods.and.Algorithms

Guide.to.Medical.Image.Analysis.Methods.and.Algorithms very good book for computer vision

2018-09-01

R_for_Data_Science

R_for_Data_Science_-_Import,_Tidy,_Transform,_Visualize_and_Model_Data.rar

2018-03-27

空空如也

TA创建的收藏夹 TA关注的收藏夹

TA关注的人

提示
确定要删除当前文章?
取消 删除