Blog Posts
建立一个能写入 Google 文档的研究代理(第 1 部分)
可能帮助您完成作业的工具 ***本文是两部分系列的第一部分,我们将使用 LangGraph 和 Tavily 构建一个简单的研究助手,该助手编写和完善短文。为了跟踪它生成的计划、文章和评论,我们添加了程序化创建和编辑 Google Docs 的功能。在本文中,我们将重点关注助手,将文档连接的内容留到第二篇文章。您可以在 [这里](https://github.com/rmart
阅读更多解开复杂的人工智能任务:使用 Gemini 2.0、LangGraph 和 Grounded Responses 的多步骤代理
- Rifx.Online
- Programming , Machine Learning , Autonomous Systems
- 19 Dec, 2024
如何构建不仅理解复杂请求而且能够执行必要步骤以满足这些请求的 AI? 本文探讨了一种强大的解决方案:由 Gemini 2.0 和 LangGraph 框架驱动的多步骤 AI 代理。这些代理协调复杂的工作流程,并通过基于实际数据的响应增强其推理能力,从 Google 搜索、BigQuery 和第三方 API 获取真实世界的数据。 今日的挑战 第一个重大突破是 LLM。想象一下一
阅读更多利用 ClientAI 和 Ollama 构建本地人工智能任务规划器
- Rifx.Online
- Programming , Machine Learning , Data Science
- 19 Dec, 2024
在本教程中,我们将使用 ClientAI 和 Ollama 构建一个 AI 驱动的任务规划器。我们的规划器将把目标分解为可执行的任务,创建现实的时间表,并管理资源——所有这些都在您的机器上运行。
阅读更多使用 Ollama 构建代码分析助手:本地 LLM 分步指南
- Rifx.Online
- Programming , Generative AI , Chatbots
- 19 Dec, 2024
想要一个完全在本地机器上运行的 AI 驱动代码审查工具吗?在这个两部分的教程中,我们将使用 ClientAI 和 Ollama 来构建这样一个助手。 我们的助手将分析 Python 代码结构,
阅读更多人工智能代理如何帮助简化工作流程自动化?
- Rifx.Online
- Technology , Data Science , Autonomous Systems
- 19 Dec, 2024
在当今快速变化的商业环境中,组织必须高效运作以保持竞争力。实现这种效率的一个关键是自动化。然而,自动化已经超越了简单的任务调度和数据输入,特别是在AI代理进入自动化领域之后。这些智能系统不仅增强了传统的自动化过程,还彻底改变了企业对工作流程管理的方式。 在这篇博客中,我们将探讨AI代理如何简化工作流程自动化,它们为何成为游戏规则的改变者,以及企业如何利用它们推动创新和提高运营效率。
阅读更多利用提示自动执行日常任务和工作流程的 5 大 MCP 服务器
- Rifx.Online
- Programming , Technology , Chatbots
- 19 Dec, 2024
自从 Anthropic 将 Model Context Protocol (MCP) 引入 Claude 以来,它彻底改变了我们自动化重复任务的方式。从文件管理到社交媒体工作流程,MCP 服务器 让您能够将 Claude 连接到强大的工具,如 GitHub、Slack 和 Google Maps。这些集成帮助您节省时间、简化工作流程,专注于最
阅读更多顶点人工智能 Gemini 2.0 Flash 开发人员入门指南
- Rifx.Online
- Technology , Programming , Generative AI
- 15 Dec, 2024
Gemini 2.0 已经到来,带来了为这个新代理时代构建的下一代能力。Gemini 2.0 Flash 现在可以通过 [Vertex AI Gemini API](https://cloud.google.
阅读更多Qwen2-VL:本地运行的视觉语言模型
这是对「Qwen2-VL」的介绍,这是一种可以与 ailia SDK 一起使用的机器学习模型。您可以轻松使用此模型创建 AI 应用程序,利用 ailia SDK 以及许多其他现成的 ailia MODELS.
阅读更多如何根据自己的数据微调 Llama-3.2:详细指南
介绍 Meta发布的Llama-3.2系列在开源AI领域标志着一个重要的里程碑。到目前为止,该系列中下载量最多的模型是臭名昭著的meta-llama/Llama-3.2–11B-Vision-Instruct。不幸
阅读更多LangChain 与 LlamaIndex:检索增强生成(RAG)的综合比较
- Rifx.Online
- Generative AI , Data Science , Programming/Scripting
- 15 Dec, 2024
介绍 Retrieval-Augmented Generation (RAG) 结合了信息检索与生成模型,使其成为一个强大的技术,适用于问答、摘要及其他自然语言处理任务。要实现 RAG,目前最流行的两个框架是 LangChain 和 LlamaIndex。这两个框架旨在处理文档的摄取、拆分、索引以及将步骤链在一起,以实现无缝的 RAG 工作流程。但哪个框架更适合您
阅读更多如何使用结构化生成进行法律硕士即法官评估
结构化生成是构建复杂的多步骤推理代理在LLM评估中的基础——尤其是对于开源模型 披露:我是Opik的维护者,这是本文后面使用的开源项目之一。 在过去几个月里,我一直在为语言模型开发基于LLM的评估(“LLM作为评判者”指标)。到目前为止,结果非常令人鼓舞,尤其是在像幻觉检测或内容审核这样的评估中,这些
阅读更多使用语言模型生成合成数据:实用指南
- Rifx.Online
- Programming , Data Science , Generative AI
- 15 Dec, 2024
在人工智能不断发展的领域中,数据仍然是推动创新的燃料。但是,当获取真实世界数据变得困难、昂贵,甚至不可能时,会发生什么呢? 合成数据生成应运而生——这是一种开创性的技术,利用语言模型创建高质量、逼真的数据集。考虑在不违反隐私法的情况下对医疗记录进行语言模型训练,或者在没有私人对话记录的情况下开发客户互动模型,或设计自动驾驶系统,其中收集稀有边缘案例的数据几乎是不可能的。合成数据弥补了数
阅读更多使用 ChatGPT 4o 的视觉分析逐步生成旅程中期提示
你是否有过这样的感觉:想要创建完美的 Midjourney 提示,但言辞却无法表达你脑海中的想法?我也经历过这样的时刻。在无数小时的实验后,我发现了一种改变游戏规则的方法:利用 ChatGPT 4o 的视觉能力分析参考图像并生成精准的提示。 让我分享我的旅程和我使用的确切过程。相信我,这将改变你创建 AI 艺术的方式。 灵光一现 💡 我曾经花费数小时描述我想要的内容给 Mi
阅读更多多代理协调中的角色扮演与对话范例
- Rifx.Online
- Roleplay , Programming , Chatbots
- 15 Dec, 2024
在多智能体编排框架的设计中,出现了一个显著的二分法,即角色扮演与对话两种主要范式。这些范式代表了在多智能体交互和任务执行中实现协作效率的不同方法。在本文中,我们将探讨这些范式的性质及其影响、推动其发展的力量,以及其他丰富多智能体编排领域的新兴方法。 但这真的是一个简单的二元对立吗? 当然不是!角色扮演框架,以 [CrewAI](https://readmediu
阅读更多战胜大数据:小企业如何在没有巨型数据集的情况下参与人工智能竞争
- Rifx.Online
- Technology , Data Science , Machine Learning
- 15 Dec, 2024
面对现实——在AI领域,小企业常常感觉像是在进行一场不对称的斗争。大企业——谷歌、Meta、OpenAI——似乎垄断了AI的叙事,凭借在庞大的数据集上训练的炫酷模型,这些数据集大到需要小城镇大小的数据中心。他们拥有博士军团、无尽的预算,以及对数十亿(有时甚至是万亿)数据点的访问权。 而你呢,一个谦逊的企业或正在成长的初创公司,手头可能只有……几千行井然有序的电子表格数据。你没有PB级的
阅读更多Categories
- Chatbots (93)
- Technologyweb (92)
- Education (9)
- Technology (117)
- Generative ai (139)
- Data science (127)
- Marketing (8)
- Programming (284)
- Design (3)
- Programmingscripting (29)
- Artificial intelligence (5)
- Autonomous systems (53)
- Finance (14)
- Natural language processing (123)
- Computer vision (13)
- Machine learning (193)
- Robotics (2)
- Translation (1)
- Security (1)
- Art (1)
- Health (15)
- Ethics (26)
- Research (1)
- Git (1)
- Creative industries (1)
- Science (3)
- Voice assistants (10)
- Automation (1)
- Customer service (1)
- Testing (2)
- Marketingseo (6)
- Search engines (2)
- Technologywebapi (3)
- Color vision (1)
- Market research (1)
- Social media (1)
- Ai (5)
- Predictive analytics (5)
- Product development (1)
- Ai assisted development (1)
- Open source (1)
- Personal development (1)
- Quality assurance (1)
- Collaborative intelligence (1)
- Video assistants (2)
- Searchgpt (2)
- Creative tools (1)
- Privacy (1)
- Roleplay (3)
- Search (1)
- Decision making (1)
- Creativity (1)
- Artificial general intelligence (1)
- Reasoners (1)
- Blockchain (1)
- Web development (1)
- Writing (1)
- Content creation (1)
- Cloud (1)
- Innovation (1)
- Multilingual (1)
Tags
- Chatgpt
- Search
- Web
- Real time
- Information
- Generative
- Debugging
- Recommendations
- Fundamentals
- Competitive
- Perplexity
- Prompts
- Marketers
- Automation
- Productivity
- Ui
- Ux
- Creativity
- Personas
- Accessibility
- Tools
- Workflows
- Accuracy
- Github
- Repositories
- Coding
- Privacy
- Image
- Applied
- Intelligent
- Platforms
- Agents
- Moonshots
- Agentic
- Autonomous
- Multi agent
- Gemini
- Crewai
- Finance
- Virtuals
- Tokenized
- Swarms
- Ai16z
- Sensay
- Sentient
- Etai
- Nodejs
- Chatbot
- Sentiment
- Recommender
- Flexibility
- Contextual
- Unstructured
- Youtube
- Translations
- Income
- Ai tools
- Scalability
- Personalization
- Efficiency
- Innovation
- Replit
- Reply
- Macaw
- Revid
- Artisan
- Midjourney
- Heygen
- Hostinger
- Photoroom
- No code
- Inspire
- Prompt
- Engineering
- Chatgpt 4
- Claude 3
- Mcp
- Claude
- Brave
- Slack
- Tasks
- Python
- Tokens
- Blockchain
- Decentralized
- Predictive
- Modeling
- Llms
- Api
- Rag
- Frameworks
- Cursor
- Claude dev
- Cline
- Autocomplete
- Langgraph
- Langchain
- Nodes
- Edges
- Multimodal
- Florence2
- Gpt4o mini
- Image analysis
- Qwen25
- Instruction following
- Text generation
- Multilingual
- Fine tuning
- Huggingface
- Lora
- Datasets
- Autogen
- Customization
- Collaboration
- Ai da
- Turing
- Sothebys
- Painting
- Llamaindex
- Groq llama
- Docker
- Gradio
- Mas
- Financial
- Nvidia
- Modular
- Orchestration
- Adaptability
- Nl2sql
- Sql
- Reflection
- Workflow
- Faiss
- Streamlit
- Accountability
- Transparency
- Domain
- Knowledge
- Responses
- Cryptocurrency
- Trading
- Bots
- Machinelearning
- Backtesting
- Business
- Intelligence
- Openai
- Visualizations
- Fastapi
- Groq
- Replicate
- Transcription
- Image generation
- Code
- Reviews
- Machine
- Learning
- Pre diabetes
- Blood sugar
- Carbohydrates
- Weight loss
- Ocr
- Encoder
- Language
- Document
- Scraping
- Ai
- Libraries
- Ethical
- Storm
- Customgpt
- Gpt
- Engineers
- Nlp
- Ethics
- Liability
- Decorators
- Marco o1
- Openai o1
- Monte carlo
- Chain of thought
- Self reflection
- Qwq
- Transformers
- Swiglu
- Reasoning
- Parameters
- Qwen
- Open source
- Fine tune
- Text to video
- Customize
- Styles
- Writing
- Git
- Siri
- Llm
- Security
- Swarm
- Embeddings
- Sonnet
- Context
- Artifacts
- Generation
- Conversational
- Cloud
- Job
- Application
- Resume
- Comic
- Csv
- Visualization
- Markdown
- Tag
- Query
- Synthesis
- Execution
- Perception
- Decision making
- Adaptation
- Explainability
- Bolt
- Deepseek
- Ollama
- Browser
- Deployment
- Programming
- Machine learning
- Mathematics
- Lightrag
- Browser use
- Web scraping
- Graph structures
- Llama31
- Amazonbedrock
- Ec2
- Customersupport
- Kpmg
- Report
- Analysis
- Dspy
- Marketing
- Pubmed
- Websocket
- Javascript
- Html
- Vector
- Endpoints
- Authentication
- Mongodb
- Caching
- Atomic
- Chromadb
- Memory
- Fitness
- Retrieval
- Porter
- Llama
- Whisper
- Offline
- Clientai
- Code analysis
- Eda
- Duckduckgo
- News
- Aggregator
- Taskplanner
- Timelines
- Resources
- Sequence diagrams
- Supervisor
- Replanning
- Azure
- Genai
- Smolagents
- Simulation
- Supply chain
- Framework
- Specialization
- Aura
- Gmail
- Calendar
- Web llm
- Constrained
- Prompting
- Selection
- Classification
- Tavily
- Planner
- Researcher
- Googledocs
- Apis
- Serviceaccount
- Token
- Optimization
- Pydantic
- Json
- Local first
- Filtering
- Shapedai
- Healthcare
- Yahoofinance
- Rsi
- Macd
- On premise
- Models
- Gdpr
- Essay writing
- Enterprise
- Validation
- Knowledge graphs
- Neomodel
- Systems
- Psychology
- Manipulation
- Dependency
- Structured
- Stock prices
- Gemini nano
- Chrome
- Prompt api
- Inference
- Vertex
- Reranking
- Selenium
- Pom
- Integration
- Voice
- Assistant
- Spring
- Boot
- Rest
- Maven
- Content
- Creation
- Scheduling
- Lip sync
- Deepfake
- Trepa
- Diffusion
- Temporal
- Oat
- Problem solving
- Limitations
- Transcripts
- Graphs
- Translation
- O1
- Pro
- Attachments
- Performance
- Interfaces
- Make
- Photos
- Thumbnail
- Crypto
- Integrations
- Searchgpt
- Seo
- Media
- Benchmark
- Deepmind
- Latency
- Haiku
- Swe bench
- Benchmarks
- Safety
- Bedrock
- Natural
- Processing
- Gpt 4o
- Code generation
- Computer
- Software
- Neo4j
- Consent
- Cost effectiveness
- Vscode
- Terminal
- Autonomy
- Visualstudiocode
- Costeffective
- Realtimefeedback
- Windsurf
- Ide
- V0
- Boltnew
- Keyvisual
- Text
- Techniques
- Waii
- Text to sql
- Knowledge graph
- Conversational analytics
- Monitoring
- Text2sql
- Snowflake
- Cortex
- Analyst
- Crawl4ai
- Crawling
- Data
- Asynchronous
- Extraction
- Pydanticai
- Postgresql
- Crud
- Panel
- Cloudapi
- Webhook
- Criteo
- Access
- Writer
- Keyword researcher agent
- Youtubekeywordsearchtool
- Title description writer agent
- Youtube data api
- Structured output
- Agent
- Task
- Probabilistic
- Deterministic
- Jira
- Mesop
- Django
- Co star
- Titanic
- Events
- Concurrency
- Inventory
- Gpus
- Contamination
- Mixture of experts
- Math
- Vision language
- Tiling
- Multi turn
- Planning
- Medical
- Embedding
- Sdk
- Deepseek v3
- Kubernetes
- Speech
- Twilio
- Modularity
- Version control
- Abstraction
- Navigation
- Interaction
- Langchain4j
- Javai
- Springai
- React
- Tailwind
- Codesandbox
- Frontend
- Development
- Moe
- Mla
- Fp8
- Multi token
- Color
- Harmony
- Deficiency
- Chatbots
- Copilot
- Workspace
- Browsing
- History
- Clustering
- Extractthinker
- Documentai
- Idp
- Cloudflare
- Llama 3
- Modal
- Axolotl
- Unsloth
- Alpaca
- Drugbot
- Drugdb
- Queries
- Instaloader
- Texttospeech
- Imageprocessing
- State
- Flash
- Multi modality
- Gemma
- Mistral
- Squad
- Multi query
- Studio
- Analytics
- Vision
- Market
- Research
- Insights
- Processes
- Trust
- Social
- Templates
- Disengagement
- Human
- Engaging
- Clarity
- Conversation
- Lens
- Evolution
- Lmarena
- Video
- Analyzer
- Captions
- Detection
- Goover
- User friendliness
- Fact checked
- Misinformation
- Matplotlib
- Canvas
- Mlmodels
- Stateful
- Databases
- Metadata
- Routing
- Communication
- Cross checking
- Hallucinations
- Geometric
- Voicebot
- Elevenlabs
- Makecom
- Text to speech
- Swot
- Htmx
- Cloudrun
- Graph rag
- Chainlit
- Networkx
- Pharmaceutical
- Compliance
- Figma
- Figjam
- Buzzy
- Wireframing
- Brightdata
- Iteration
- Prompt engineering
- Content creation
- Consciousness
- Jupyter
- Notebooks
- Error handling
- Pruning
- Distillation
- Minitron
- Compression
- Bluesky
- Langflow
- Typescript
- Bot
- Proactive
- Event
- Streaming
- Audio
- Multi actor
- Sqlite
- Text extraction
- Experimentation
- Expertise
- Screenwriters
- Critics
- Storytelling
- Chat
- Architecture
- Sarcasm
- Retrievers
- Bases
- Workshop
- Strategy
- Llamacpp
- Beautifulsoup
- Captchas
- Newsletters
- Socialmedia
- Aggregators
- Schedules
- Flows
- Callbacks
- Blogging
- Interactive
- Model
- Subscription
- Autocompletion
- Swift
- Configuration
- Hallucination
- Grammars
- Evaluations
- Querygpt
- Wren
- Human centered
- Quantum
- Climate
- Elections
- Keywords
- Competitors
- Reinforcement
- Transactions
- Nfts
- Strategies
- Personal development
- Coaching
- Summarizer
- Assembler
- Schema
- Graph
- Magnetic one
- Orchestrator
- Web surfer
- Coder
- Swark
- Mermaidjs
- Codebase
- Diagrams
- Goal orientation
- Llava
- Gpt 4
- Visual
- Interoperability
- Legacy
- Metrics
- Quantization
- Weights
- Activations
- Calibration
- Quanto
- Kokoro
- Tts
- Styletts
- Onnx
- Loaders
- Indexing
- User interface
- Playground
- Dependencies
- Testing
- Reliability
- Toolbox
- Graphdesign
- Conditionaledges
- Summarization
- Langsmith
- Ternary
- Parallelism
- Hardware
- Lazygraphrag
- River
- Scenes
- Reverse engineering
- Scripts
- Flask
- Graphrag
- Dual level
- Meta
- Huggingchat
- Tuning
- Wikipedia
- Conversableagent
- Assistantagent
- Userproxy
- Rlhf
- Dpo
- Long context
- Magentic one
- Governance
- Protocol
- Playwright
- Documents
- Mastodon
- Hashtag
- Crews
- Toolkit
- Poemflow
- Chunking
- Sequential
- Hierarchical
- Consensual
- Training
- Replay
- Feedback
- Short term
- Long term
- Entity
- Architectures
- Edge
- Computing
- Robotics
- Languages
- Gqa
- Tokenizer
- Tokenization
- Parallels
- Recraft
- Incremental
- Drift
- Markitdown
- Attention
- Dreamtracks
- Mlops
- Llmops
- Agentops
- Mojo
- Mlir
- Simd
- Roles
- Financialdatasets
- Captioning
- Avatar
- Empathy
- Sneaker
- Robotaxis
- Evaluator
- Few shot
- Logits
- Thresholds
- Fluency
- Professionals
- Career
- Rtx
- Digits
- Disruption
- Bitcoin
- Data analysis
- Predictions
- O1 preview
- Throughput
- O3
- Biases
- 01 preview
- Iterative
- Gpt 5
- Sora
- Phd
- O3 mini
- Emotions
- Generator
- Storyboard
- Blend
- Gpqa
- Realtime
- Colab
- Publishers
- Citations
- Outputs
- Schemas
- Function
- Prototyping
- Gpt 2
- Alphago
- Computation
- Transformer
- Arc agi
- Dall e
- Realism
- Remix
- Subscribers
- Solver
- Validator
- Small
- Businesses
- Transfer
- Federated
- Phi 4
- Compact
- Bigtech
- Tiktok
- Generativeai
- Promptdata
- Webscraper
- Anthropic
- Dependencyinjection
- Practical
- Applications
- Specialized
- 32b
- Instruct
- Gpu
- Qvq 72b
- Repair
- Qwen25 coder
- Cosmos
- Opencoder
- Sentencetransformers
- Openvino
- Pre training
- Variants
- Qwen2 vl
- Pymupdf
- Ragate
- Ragflow
- Base
- Rbyf
- Evaluation
- Ble
- Phidata
- N8n
- Qdrant
- Sec10k
- Vectorstore
- Deep learning
- Data science
- Statistics
- Prediction
- Role playing
- Hybrid
- Notifications
- Drag and drop
- Documentloader
- Extractor
- Contracts
- Semantic
- Aggregation
- Sky t1 32b
- O1 pro
- Smollm2
- Mobilellm
- Reproducibility
- Encoders
- Vocoders
- Spidertool
- Data extraction
- Cloud based
- E commerce
- Automotive
- Reference
- Synthetic
- Tool
- Registry
- Imagination
- Childgpt
- Curiosity
- Exploration
- Journalism
- Local
- Telehealth
- Containers
- Lightweight
- Virtual
- Assistants
- Medication
- Vectors
- Operator
- Gui
- Command
- File
- Reasoners
- Innovators
- Organizations
- Mum
- Cybersecurity
- Crowdfunding
- Synchronization
- Production
- Uncertainty
- Agi
- Nextjs
- Client side
- Rendering
- Ranking
- Product
- Manager
- Engineer
- Interpretability
- Editing
- Relevance
- Machines
- Trends
- Platform
- Graphql
- Abridge
- Beta
- Covariant
- Cyera
- Zepto
- Gans
- Autoencoders
- Zero shot
- Servers
- Website
- Builders
- Usability
- Recommendation
- Cryptography
- Sustainability
- Toolcalling
- Tf idf
- Conversion
- Batch processing
- Baker
- Mem0
- Extension
- Chain
- Thought
- Portfolios
- Moee
- Bertopic
- Pygame
- Faker
- Npcs
- Dialogues
- Conversationagent
- Ontaskagent
- Npc
- Topic
- Vertical
- Saas
- Unicorns
- Umap
- Modules
- E e a t
- Ai overviews
- Core update
- User intent
- Avatars
- Coze
- Dify
- Fastgpt
- Metagpt
- Robustness
- Cohere
- Dutch
- V0dev
- Components
- Layouts
- Puppeteer
- Filesystem
- Database
- Networking