吴恩达大模型LLM系列课程学习(更新42门课程)

news2024/9/22 19:35:47

目录

  • GPT-4o详细中文注释的Colab
  • 中英文字幕观看视频
    • 1 浏览器下载插件
    • 2 打开官方视频
  • 课程1:Prompt Compression and Query Optimization
  • 课程2:Carbon Aware Computing for GenAI developers
  • 课程3:Function-calling and data extraction with LLMs
  • 课程4:Building Your Own Database Agent
  • 课程5:AI Agents in LangGraph
  • 课程6:AI Agentic Design Patterns with AutoGen
  • 课程7:Introduction to on-device AI
  • 课程8:Multi AI Agent Systems with crewAI
  • 课程9:Building Multimodal Search and RAG
  • 课程10:Building Agentic RAG with Llamaindex
  • 课程11:Quantization in Depth
  • 课程12:Prompt Engineering for Vision Models
  • 课程13:Getting Started with Mistral
  • 课程14:Quantization Fundamentals with Hugging Face
  • 课程15:Preprocessing Unstructured Data for LLM Applications
  • 课程16:Red Teaming LLM Applications
  • 课程17:JavaScript RAG Web Apps with LlamaIndex
  • 课程18:Efficiently Serving LLMs
  • 课程19:Knowledge Graphs for RAG
  • 课程20:Open Source Models with Hugging Face
  • 课程21:Prompt Engineering with Llama 2&3
  • 课程22:Serverless LLM Apps Amazon Bedrock
  • 课程23:Building Applications with Vector Databases
  • 课程24:Automated Testing for LLMOps
  • 课程25:LLMOps
  • 课程26:Build LLM Apps with LangChain.js
  • 课程27:Advanced Retrieval for AI with Chroma
  • 课程28:Reinforcement Learning From Human Feedback
  • 课程29:Building and Evaluating Advanced RAG
  • 课程30:Quality and Safety for LLM Applications
  • 课程31:Vector Databases: from Embeddings to Applications
  • 课程32:Functions, Tools and Agents with LangChain
  • 课程33:Pair Programming with a Large Language Model
  • 课程34:Understanding and Applying Text Embeddings
  • 课程35:How Business Thinkers Can Start Building AI Plugins With Semantic Kernel
  • 课程36:Finetuning Large Language Models
  • 课程37:Large Language Models with Semantic Search
  • 课程38:Evaluating and Debugging Generative AI
  • 课程39:Building Generative AI Applications with Gradio
  • 课程40:LangChain Chat with Your Data
  • 课程41:Building Systems with the ****** API
  • 课程42:How Diffusion Models Work

GPT-4o详细中文注释的Colab

中文注释链接:https://github.com/Czi24/Awesome-MLLM-LLM-Colab/tree/master/Courses/Prompt-Compression-and-Query-Optimization

中英文字幕观看视频

1 浏览器下载插件

沉浸式翻译

设置你需要用的翻译软件

2 打开官方视频

视频官方地址:https://learn.deeplearning.ai/courses/prompt-compression-and-query-optimization/lesson/1/introduction

打开自动开启双语字幕

仓库:https://github.com/Czi24/Awesome-MLLM-LLM-Colab

课程1:Prompt Compression and Query Optimization

  • 课程链接

  • Colab代码链接

  • 中文详细代码注释链接:https://github.com/Czi24/Awesome-MLLM-LLM-Colab/tree/master/Courses/1_Prompt-Compression-and-Query-Optimization

Prompt Compression and Query Optimization提示压缩与查询优化
Introduction介绍
Vanilla Vector Search基础向量搜索
Filtering With Metadata元数据过滤
Projections投影
Boosting提升
Prompt Compression提示压缩
Conclusion结论
Appendix-Tips and Help附录-提示和帮助

课程2:Carbon Aware Computing for GenAI developers

  • 课程链接

  • Colab代码链接

Carbon Aware Computing for GenAI developers面向生成式AI开发人员的碳感知计算
Introduction介绍
The Carbon Footprint of Machine Learning机器学习的碳足迹
Exploring Carbon Intensity on the Grid探索电网中的碳强度
Training Models in Low Carbon Regions在低碳地区训练模型
Using Real-Time Energy Data for Low-Carbon Training使用实时能源数据进行低碳训练
Understanding your Google Cloud Footprint了解你的谷歌云碳足迹
Next steps下一步
Conclusion结论
Google Cloud Setup谷歌云设置

课程3:Function-calling and data extraction with LLMs

  • 课程链接

  • Colab代码链接

Function-calling and data extraction with LLMs使用LLMs进行函数调用和数据提取
Introduction介绍
What is function calling什么是函数调用
Function calling variations函数调用的变体
Interfacing with external tools与外部工具的接口
Structured Extraction结构化提取
Applications应用
Course project dialog processing课程项目对话处理
Conclusion结论

课程4:Building Your Own Database Agent

  • 课程链接

  • Colab代码链接

Building Your Own Database Agent构建你自己的数据库代理
Introduction介绍
Your First AI Agent你的第一个AI代理
Interacting with a CSV Data处理CSV数据
Connecting to a SQL Database连接SQL数据库
Azure OpenAI Function Calling FeatureAzure OpenAI函数调用功能
Leveraging Assistants API for SQL Databases利用助手API处理SQL数据库
Conclusion结论

课程5:AI Agents in LangGraph

  • 课程链接

  • Colab代码链接

AI Agents in LangGraphLangGraph中的AI代理
Introduction介绍
Build an Agent from Scratch从头构建代理
LangGraph ComponentsLangGraph组件
Agentic Search Tools代理搜索工具
Persistence and Streaming持久性与流媒体
Human in the loop人在回路中
Essay Writer文章写作
LangChain ResourcesLangChain资源
Conclusion结论

课程6:AI Agentic Design Patterns with AutoGen

  • 课程链接

  • Colab代码链接

AI Agentic Design Patterns with AutoGen使用AutoGen的AI代理设计模式
Introduction介绍
Multi-Agent Conversation and Stand-up Comedy多代理对话与单口喜剧
Sequential Chats and Customer Onboarding连续聊天与客户入职
Reflection and Blogpost Writing反思与博客写作
Tool Use and Conversational Chess工具使用与对话象棋
Coding and Financial Analysis编码与财务分析
Planning and Stock Report Generation规划与股票报告生成
Conclusion结论

课程7:Introduction to on-device AI

  • 课程链接

  • Colab代码链接

Introduction to on-device AI设备端AI简介
Introduction介绍
Why on-device为什么选择设备端AI
Deploying Segmentation Models On-Device部署设备端分割模型
Preparing for on-device deployment准备设备端部署
Quantizing Models量化模型
Device Integration设备集成
Conclusion结论
Appendix - Building the App附录 - 构建应用
Appendix - Tips and Help附录 - 提示和帮助

课程8:Multi AI Agent Systems with crewAI

  • 课程链接

  • Colab代码链接

Multi AI Agent Systems with crewAI使用crewAI的多AI代理系统
Introduction介绍
Overview概览
AI AgentsAI代理
Create agents to research and write an article (code)创建代理进行研究和写文章(代码)
Key elements of AI agentsAI代理的关键要素
Multi agent customer support automation (code)多代理客户支持自动化(代码)
Mental framework for agent creation代理创建的思维框架
Key elements of agent tools代理工具的关键要素
Tools for a customer outreach campaign (code)客户外展活动的工具(代码)
Recap of tools工具回顾
Key elements of well defined tasks定义明确任务的关键要素
Automate event planning (code)自动化事件规划(代码)
Recap on tasks任务回顾
Multi agent collaboration多代理协作
Multi agent collaboration for financial analysis (code)多代理财务分析协作(代码)
Build a crew to tailor job applications (code)创建团队定制工作申请(代码)
Next steps with AI agent systemsAI代理系统的下一步
Conclusion结论
How to get your completion badge如何获得完成徽章

课程9:Building Multimodal Search and RAG

  • 课程链接

  • Colab代码链接

Building Multimodal Search and RAG构建多模态搜索和RAG
Introduction介绍
Overview of Multimodality多模态概述
Multimodal Search多模态搜索
Large Multimodal Models (LMMs)大型多模态模型(LMMs)
Multimodal RAG (MM-RAG)多模态RAG(MM-RAG)
Industry Applications行业应用
Multimodal Recommender System多模态推荐系统
Conclusion结论
Appendix - Tips and Help附录 - 提示和帮助

课程10:Building Agentic RAG with Llamaindex

  • 课程链接

  • Colab代码链接

Building Agentic RAG with Llamaindex使用Llamaindex构建Agentic RAG
Introduction介绍
Router Query Engine路由查询引擎
Tool Calling工具调用
Building an Agent Reasoning Loop构建代理推理循环
Building a Multi-Document Agent构建多文档代理
Conclusion结论

课程11:Quantization in Depth

  • 课程链接

  • Colab代码链接

Quantization in Depth深入量化
Introduction介绍
Overview概览
Quantize and De-quantize a Tensor量化和反量化张量
Get the Scale and Zero Point获取比例和零点
Symmetric vs Asymmetric Mode对称模式与非对称模式
Finer Granularity for more Precision更精细的粒度以提高精度
Per Channel Quantization每通道量化
Per Group Quantization每组量化
Quantizing Weights & Activations for Inference推理的权重和激活量化
Custom Build an 8-Bit Quantizer自定义构建8位量化器
Replace PyTorch layers with Quantized Layers用量化层替换PyTorch层
Quantize any Open Source PyTorch Model量化任何开源PyTorch模型
Load your Quantized Weights from HuggingFace Hub从HuggingFace Hub加载量化权重
Weights Packing权重打包
Packing 2-bit Weights打包2位权重
Unpacking 2-Bit Weights解包2位权重
Beyond Linear Quantization超越线性量化
Conclusion结论

课程12:Prompt Engineering for Vision Models

  • 课程链接

  • Colab代码链接

Prompt Engineering for Vision Models视觉模型的提示工程
Introduction介绍
Overview概览
Image Segmentation图像分割
Object Detection目标检测
Image Generation图像生成
Fine-tuning微调
Conclusion结论
Appendix附录

课程13:Getting Started with Mistral

  • 课程链接

  • Colab代码链接

Getting Started with Mistral入门Mistral
Introduction介绍
Overview概览
Prompting提示
Model Selection模型选择
Function Calling函数调用
RAG from Scratch从零开始构建RAG
Chatbot聊天机器人
Conclusion结论

课程14:Quantization Fundamentals with Hugging Face

  • 课程链接

  • Colab代码链接

Quantization Fundamentals with Hugging FaceHugging Face的量化基础
Introduction介绍
Handling Big Models处理大模型
Data Types and Sizes数据类型和大小
Loading Models by data type按数据类型加载模型
Quantization Theory量化理论
Quantization of LLMsLLMs的量化
Conclusion结论

课程15:Preprocessing Unstructured Data for LLM Applications

  • 课程链接

  • Colab代码链接

Preprocessing Unstructured Data for LLM Applications预处理LLM应用程序的非结构化数据
Introduction介绍
Overview of LLM Data PreprocessingLLM数据预处理概述
Normalizing the Content内容规范化
Metadata Extraction and Chunking元数据提取和分块
Preprocessing PDFs and Images预处理PDF和图像
Extracting Tables提取表格
Build Your Own RAG Bot构建你自己的RAG机器人
Conclusion结论
Appendix - Tips and Help附录 - 提示和帮助

课程16:Red Teaming LLM Applications

  • 课程链接

  • Colab代码链接

Red Teaming LLM ApplicationsLLM应用程序的红队测试
Introduction介绍
Overview of LLM VulnerabilitiesLLM漏洞概述
Red Teaming LLMs红队测试LLMs
Red Teaming at Scale大规模红队测试
Red Teaming LLMs with LLMs用LLMs进行红队测试
A Full Red Teaming Assessment全面的红队评估
Conclusion结论

课程17:JavaScript RAG Web Apps with LlamaIndex

  • 课程链接

  • Colab代码链接

JavaScript RAG Web Apps with LlamaIndex使用LlamaIndex的JavaScript RAG Web应用
Introduction介绍
Getting started with RAG入门RAG
Build a full-stack web app构建全栈Web应用
Advanced queries with Agents使用代理的高级查询
Production-ready techniques生产就绪技术
Conclusion结论

课程18:Efficiently Serving LLMs

  • 课程链接

  • Colab代码链接

Efficiently Serving LLMs高效服务LLMs
Introduction介绍
Text Generation文本生成
Batching批处理
Continuous Batching连续批处理
Quantization量化
Low-Rank Adaptation低秩适应
Multi-LoRA inference多LoRA推理
LoRAXLoRAX
Conclusion结论

课程19:Knowledge Graphs for RAG

  • 课程链接

  • Colab代码链接

Knowledge Graphs for RAGRAG的知识图谱
Introduction介绍
Knowledge Graph Fundamentals知识图谱基础
Querying Knowledge Graphs查询知识图谱
Preparing Text for RAG为RAG准备文本
Constructing a Knowledge Graph from Text Documents从文本文件构建知识图谱
Adding Relationships to the SEC Knowledge Graph向SEC知识图谱添加关系
Expanding the SEC Knowledge Graph扩展SEC知识图谱
Chatting with the Knowledge Graph与知识图谱聊天
Conclusion结论

课程20:Open Source Models with Hugging Face

  • 课程链接

  • Colab代码链接

Open Source Models with Hugging Face使用Hugging Face的开源模型
Introduction介绍
Selecting models选择模型
Natural Language Processing (NLP)自然语言处理(NLP)
Translation and Summarization翻译和摘要
Sentence Embeddings句子嵌入
Zero-Shot Audio Classification零样本音频分类
Automatic Speech Recognition自动语音识别
Text to Speech文本转语音
Object Detection目标检测
Image Segmentation图像分割
Image Retrieval图像检索
Image Captioning图像标题生成
Multimodal Visual Question Answering多模态视觉问答
Zero-Shot Image Classification零样本图像分类
Deployment部署
Conclusion结论

课程21:Prompt Engineering with Llama 2&3

  • 课程链接

  • Colab代码链接

Prompt Engineering with Llama 2&3使用Llama 2&3进行提示工程
Introduction介绍
Overview of Llama ModelsLlama模型概述
Getting Started with Llama 2 & 3Llama 2&3入门
Multi-turn Conversations多轮对话
Prompt Engineering Techniques提示工程技术
Comparing Different Llama 2 & 3 models比较不同的Llama 2&3模型
Code Llama代码Llama
Llama GuardLlama卫士
Walkthrough of Llama Helper Function (Optional)Llama助手函数演练(可选)
Conclusion结论

课程22:Serverless LLM Apps Amazon Bedrock

  • 课程链接

  • Colab代码链接

Serverless LLM Apps Amazon Bedrock使用Amazon Bedrock的无服务器LLM应用
Introduction介绍
Your first generations with Amazon Bedrock使用Amazon Bedrock生成第一个结果
Summarize an audio file总结音频文件
Enable logging启用日志记录
Deploy an AWS Lambda function部署AWS Lambda函数
Event-driven generation事件驱动生成
Conclusion结论

课程23:Building Applications with Vector Databases

  • 课程链接

  • Colab代码链接

Building Applications with Vector Databases使用向量数据库构建应用
Introduction介绍
Semantic Search语义搜索
Retrieval Augmented Generation (RAG)检索增强生成(RAG)
Recommender Systems推荐系统
Hybrid Search混合搜索
Facial Similarity Search面部相似性搜索
Anomaly Detection异常检测
Conclusion结论

课程24:Automated Testing for LLMOps

  • 课程链接

  • Colab代码链接

Automated Testing for LLMOpsLLMOps的自动化测试
Introduction介绍
Introduction to Continuous Integration (CI)持续集成(CI)介绍
Overview of Automated Evals自动评估概述
Automating Model-Graded Evals自动化模型评分评估
Comprehensive Testing Framework综合测试框架
Conclusion结论
Optional: Exploring the CircleCI config file可选:探索CircleCI配置文件

课程25:LLMOps

  • 课程链接

  • Colab代码链接

LLMOpsLLMOps
Introduction介绍
The Fundamentals基础知识
Data Preparation数据准备
Automation and Orchestration with Pipelines流水线的自动化和编排
Prediction, Prompts, Safety预测、提示、安全
Conclusion结论
Next Step下一步

课程26:Build LLM Apps with LangChain.js

  • 课程链接

  • Colab代码链接

Build LLM Apps with LangChain.js使用LangChain.js构建LLM应用程序
Introduction介绍
Building Blocks构建模块
Loading and preparing data加载和准备数据
Vectorstores and embeddings向量存储和嵌入
Question answering问答
Conversational question answering对话问答
Shipping as a web API作为Web API发布
Conclusion结论
Next Step下一步

课程27:Advanced Retrieval for AI with Chroma

  • 课程链接

  • Colab代码链接

Advanced Retrieval for AI with Chroma使用Chroma进行高级检索
Introduction介绍
Overview of embeddings-based retrieval基于嵌入的检索概述
Pitfalls of retrieval - when simple vector search fails检索的陷阱 - 当简单向量搜索失败时
Query Expansion查询扩展
Cross-encoder re-ranking交叉编码器重新排序
Embedding adaptors嵌入适配器
Other Techniques其他技术

课程28:Reinforcement Learning From Human Feedback

  • 课程链接

  • Colab代码链接

Reinforcement Learning From Human Feedback从人类反馈中进行强化学习
Introduction介绍
How does RLHF workRLHF如何工作
Datasets for RL training强化学习的数据集
Tune an LLM with RLHF使用RLHF调整LLM
Evaluate the tuned model评估调整后的模型
Google Cloud SetupGoogle Cloud设置
Conclusion结论

课程29:Building and Evaluating Advanced RAG

  • 课程链接

  • Colab代码链接

Building and Evaluating Advanced RAG构建和评估高级RAG
Introduction介绍
Advanced RAG Pipeline高级RAG流水线
RAG Triad of metricsRAG的三重指标
Sentence-window retrieval句子窗口检索
Auto-merging retrieval自动合并检索
Conclusion结论

课程30:Quality and Safety for LLM Applications

  • 课程链接

  • Colab代码链接

Quality and Safety for LLM ApplicationsLLM应用的质量和安全
Introduction介绍
Overview概览
Hallucinations幻觉
Data Leakage数据泄露
Refusals and prompt injections拒绝和提示注入
Passive and active monitoring被动和主动监控
Conclusion结论

课程31:Vector Databases: from Embeddings to Applications

  • 课程链接

  • Colab代码链接

Vector Databases: from Embeddings to Applications向量数据库:从嵌入到应用
Introduction介绍
How to Obtain Vector Representations of Data如何获取数据的向量表示
Search for Similar Vectors搜索相似向量
Approximate nearest neighbours近似最近邻
Vector Databases向量数据库
Sparse, Dense, and Hybrid Search稀疏、密集和混合搜索
Application - Multilingual Search应用 - 多语言搜索
Conclusion结论

课程32:Functions, Tools and Agents with LangChain

  • 课程链接

  • Colab代码链接

Functions, Tools and Agents with LangChain使用LangChain的函数、工具和代理
Introduction介绍
OpenAI Function CallingOpenAI函数调用
LangChain Expression Language (LCEL)LangChain表达语言(LCEL)
OpenAI Function Calling in LangChain在LangChain中调用OpenAI函数
Tagging and Extraction标记和提取
Tools and Routing工具和路由
Conversational Agent会话代理
Conclusion结论

课程33:Pair Programming with a Large Language Model

  • 课程链接

  • Colab代码链接

Pair Programming with a Large Language Model使用大型语言模型进行结对编程
Introduction介绍
Getting Started入门
Using a String Template使用字符串模板
Pair Programming Scenarios结对编程场景
Technical Debt技术债务
Conclusion结论

课程34:Understanding and Applying Text Embeddings

  • 课程链接

  • Colab代码链接

Understanding and Applying Text Embeddings理解和应用文本嵌入
Introduction介绍
Getting Started With Text Embeddings文本嵌入入门
Understanding Text Embeddings理解文本嵌入
Visualizing Embeddings可视化嵌入
Applications of Embeddings嵌入的应用
Text Generation with Vertex AI使用Vertex AI生成文本
Building a Q&A System Using Semantic Search使用语义搜索构建问答系统
Optional - Google Cloud Setup可选 - Google Cloud设置
Conclusion结论

课程35:How Business Thinkers Can Start Building AI Plugins With Semantic Kernel

  • 课程链接

  • Colab代码链接

How Business Thinkers Can Start Building AI Plugins With Semantic Kernel商业思考者如何使用语义内核开始构建AI插件
Introduction介绍
Semantic Kernel is Like Your AI Cooking Kitchen语义内核就像你的AI烹饪厨房
Cooking Up Flavorful SWOTs with the Kernel用内核做出美味的SWOT分析
Organizing The Tools You Make for Later Reuse组织你制作的工具以备后用
Frozen Dinner The Design Thinking Meal冷冻晚餐的设计思维餐
Dont Forget to Save the Generated Dripping or The Gravy不要忘记保存生成的油滴或肉汁
A Kitchen That Responds to Your I’m Hungry is More Than Feasible响应你的“我饿了”的厨房是完全可行的
There’s a Fully-Outfitted Professional-Grade Kitchen Ready For You有一个装备齐全的专业厨房为你准备好了
Conclusion结论

课程36:Finetuning Large Language Models

  • 课程链接

  • Colab代码链接

Finetuning Large Language Models微调大型语言模型
Introduction介绍
Why finetune为什么微调
Where finetuning fits in微调的适用场景
Instruction finetuning指令微调
Data preparation数据准备
Training process训练过程
Evaluation and iteration评估和迭代
Consideration on getting started now现在开始的考虑因素
Conclusion结论

课程37:Large Language Models with Semantic Search

  • 课程链接

  • Colab代码链接

Large Language Models with Semantic Search具有语义搜索的大型语言模型
Introduction介绍
Keyword Search关键词搜索
Embeddings嵌入
Dense Retrieval稠密检索
ReRank重新排序
Generating Answers生成答案
Conclusion结论

课程38:Evaluating and Debugging Generative AI

  • 课程链接

  • Colab代码链接

Evaluating and Debugging Generative AI评估和调试生成式AI
Introduction介绍
Instrument W&B工具W&B
Training a Diffusion Model with W&B使用W&B训练扩散模型
Evaluating Diffusion Models评估扩散模型
LLM Evaluation and Tracing with W&B使用W&B进行LLM评估和追踪
Finetuning a language model微调语言模型
Conclusion结论

课程39:Building Generative AI Applications with Gradio

  • 课程链接

  • Colab代码链接

Building Generative AI Applications with Gradio使用Gradio构建生成式AI应用
Introduction介绍
NLP Tasks interfaceNLP任务界面
Image Captioning app图像字幕应用
Image generation app图像生成应用
Describe and Generate Game描述和生成游戏
Chat with any LLM与任何LLM聊天
Conclusion结论

课程40:LangChain Chat with Your Data

  • 课程链接

  • Colab代码链接

LangChain Chat with Your Data使用LangChain与数据聊天
Introduction介绍
Document Loading文档加载
Document Splitting文档拆分
Vectorstores and Embedding向量存储和嵌入
Retrieval检索
Question Answering问答
Chat聊天
Conclusion结论

课程41:Building Systems with the ****** API

  • 课程链接

  • Colab代码链接

Building Systems with the ****** API使用****** API构建系统
Introduction介绍
Language Models, the Chat Format and Tokens语言模型、聊天格式和词元
Classification分类
Moderation审核
Chain of Thought Reasoning思维链推理
Chaining Prompts链接提示
Check Outputs检查输出
Evaluation评估
Evaluation Part I评估第一部分
Evaluation Part II评估第二部分
Summary总结

课程42:How Diffusion Models Work

  • 课程链接

  • Colab代码链接

How Diffusion Models Work扩散模型的工作原理
Introduction介绍
Intuition直觉
Sampling采样
Neural Network神经网络
Training训练
Controlling控制
Speeding Up加速
Summary总结

本文来自互联网用户投稿,该文观点仅代表作者本人,不代表本站立场。本站仅提供信息存储空间服务,不拥有所有权,不承担相关法律责任。如若转载,请注明出处:http://www.coloradmin.cn/o/1939843.html

如若内容造成侵权/违法违规/事实不符,请联系多彩编程网进行投诉反馈,一经查实,立即删除!

相关文章

Java语言程序设计——篇六(1)

字符串 概述创建String类对象     字符串基本操作实战演练 字符串查找字符串转换为数组字符串比较实战演练 字符串的拆分与组合 概述 字符串 用一对双引号“”括起来的字符序列。Java语言中,字符串常量或变量均用类实现。 字符串有两大类: 1&…

2024年【起重机司机(限桥式起重机)】考试题及起重机司机(限桥式起重机)新版试题

题库来源:安全生产模拟考试一点通公众号小程序 起重机司机(限桥式起重机)考试题参考答案及起重机司机(限桥式起重机)考试试题解析是安全生产模拟考试一点通题库老师及起重机司机(限桥式起重机)操作证已考过的学员汇总,相对有效帮助起重机司机(限桥式起重…

JS 原型与原型链图解:彻底搞懂的终极指南

前言 📫 大家好,我是南木元元,热爱技术和分享,欢迎大家交流,一起学习进步! 🍅 个人主页:南木元元 在JavaScript中,原型和原型链是非常重要的知识点,只有理解了…

Express+mysql单表分页条件查询

声明(自己还没测试过,只提供大概逻辑,什么多表连接查询可以在原基础上添加) class /*** param connection Express的mysql数据库链接对象* current 当前页* pageSize 一页显示行数* where [{key:id,operator:,value15}], key查询…

【2024最新华为OD-C/D卷试题汇总】[支持在线评测] 卢小姐的生日礼物(200分) - 三语言AC题解(Python/Java/Cpp)

🍭 大家好这里是清隆学长 ,一枚热爱算法的程序员 ✨ 本系列打算持续跟新华为OD-C/D卷的三语言AC题解 💻 ACM银牌🥈| 多次AK大厂笔试 | 编程一对一辅导 👏 感谢大家的订阅➕ 和 喜欢💗 🍿 最新华为OD机试D卷目录,全、新、准,题目覆盖率达 95% 以上,支持题目在线…

pg_restore导入错误的解决思路

背景 开发使用postgresql 数据库,当需要部署时,通过pg_dump导出,通过pg_restore导入,发现导入遇到错误,很多表没有导入。部分报错截图如下: 排查问题 开发中用到了postgresql插件postgis里的地理类型&am…

ORBSLAM3 ORB_SLAM3 Ubuntu20.04 ROS Noetic 虚拟机镜像 下载

下图是build.sh 和 build_ros.sh编译结果截图: slam数据集测试视频: orbslam3 ubuntu20.04 test 下载地址: 链接:https://pan.baidu.com/s/1nre0Y9vig5QXIGU52qCLbQ?pwd9rbi 提取码:9rbi

什么是裸机管理程序?

在这个旨在使最终用户体验尽可能无缝的快节奏环境中,企业不断扩展其网络以处理增加的负载,为了应对可扩展性问题并增强其设备的最佳性能,网络管理员开始使用虚拟化技术。 通过使用管理程序虚拟化网络,网络管理员可以实现灵活、可…

C++基础(3.内和对象)

目录 赋值运算符重载: const限制权限: 隐式类型转换: 再探构造函数: static成员: 有元: 内部类: 赋值运算符重载: 赋值运算符重载是一个默认成员函数,用于完成两个已经存在的对象直接的拷贝赋值.要注…

【STM32 HAL库】全双工I2S+双缓冲DMA的使用

1、配置I2S 我们的有效数据是32位的,使用飞利浦格式。 2、配置DMA **这里需要注意:**i2s的DR寄存器是16位的,如果需要发送32位的数据,是需要写两次DR寄存器的,所以DMA的外设数据宽度设置16位,而不是32位。…

pgsql的update语句在set里进行字段的运算 SET sort = sort +1

一、场景 需求:version 版本字段是记录数据更新的次数,新增时自动填充 version1 ,每更新一次数据 version就自增1。项目里单表插入和更新要手写update语句进行插入和更新。 –表中int4类型的字段 version 是1时,由1变成2 – version 是null…

嵌入式人工智能(10-基于树莓派4B的DS1302实时时钟RTC)

1、实时时钟(Real Time Clock) RTC,全称为实时时钟(Real Time Clock),是一种能够提供实时时间信息的电子设备。RTC通常包括一个计时器和一个能够记录日期和时间的电池。它可以独立于主控芯片工作&#xff…

5.过滤器Filter(doFilter()+chain.doFilter())

过滤器Filter 文章目录 过滤器Filter一、过滤器简介1.定义2.作用3.拦截原理4.常用方法:5.Filter的生命周期4.web.xml中配置5.WebFilter 一、过滤器简介 1.定义 过滤器是对Web应用程序的请求和响应添加功能的Web服务组件(实现 javax.servlet.Filter 接口的 Java 类。) 调用web…

Neuralink首款产品Telepathy:意念控制设备的革新与挑战

近年来,科技领域不断涌现出令人惊叹的突破,其中尤以脑机接口(BCI)技术为代表。近日,Elon Musk的Neuralink公司发布了其首款脑机接口产品Telepathy,引发了广泛关注。本文将详细探讨Telepathy的功能、技术原理…

Java语言程序设计基础篇_编程练习题**15.6(两个消息交替出现)

**15.6(两个消息交替出现) 编写一个程序,当单击鼠标时面板上交替显示两个文本"Java is fun"和"Java is powerful" 代码展示:编程练习题15_6TwoInfo.java package chapter_15;import javafx.application.Application; import javafx…

JavaScript之Web APIs-DOM

目录 DOM获取元素一、Web API 基本认知1.1 变量声明1.2 作用和分类1.3 DOM树1.4 DOM对象 二、获取DOM对象2.1 通过CSS选择器来获取DOM元素2.2 通过其他方式来获取DOM元素 三、操作元素内容3.1 元素.innerTest属性3.2 元素.innerHTML属性 四、操作元素属性4.1 操作元素常用属性4…

mysql无法启动

总是报错: 1、Job for mysql.service failed because the control process exited with error code. See "systemctl status mysql.service" and "journalctl -xeu mysql.service" for details. 2、ERROR 2002 (HY000): Cant connect to local …

Linux可视化工具-netdata之docker安装

版本要求 docker cli安装 docker pull netdata/netdata docker run -d --namenetdata \ --pidhost \ --networkhost \ -v netdataconfig:/etc/netdata \ -v netdatalib:/var/lib/netdata \ -v netdatacache:/var/cache/netdata \ -v /:/host/root:ro,rslave \ -v /etc/passwd…

常用注意力机制 SENet CBAM ECA

在处理脑电信号时通常会用到一些注意力机制,来给不同的脑电通道不同的权重,进而体现出不同脑电通道在分类中的重要性。下面整理几种常见的通道注意力机制,方便以后查阅。 常用注意力机制 SENet CBAM ECA 注意力机制SENet(Squeeze-and-Excitation Network)SENet原理SENet P…

五. TensorRT API的基本使用-load-model

目录 前言0. 简述1. 案例运行2. 代码分析2.1 main.cpp2.2 model.hpp2.3 model.cpp2.4 其它 总结下载链接参考 前言 自动驾驶之心推出的 《CUDA与TensorRT部署实战课程》,链接。记录下个人学习笔记,仅供自己参考 本次课程我们来学习课程第五章—TensorRT …