Analytics
Logo
Cursor 产品与应用体验研究报告

Cursor 产品与应用体验研究报告

为让你高效非凡而生,Cursor 是与 AI 一起编程的最佳方式。

Cursor IDE 场景演示

至内容

  • Cursor
  • 功能
  • 企业
  • 定价
  • 资源
  • 登录
  • 下载

下载适用于 macOS 的版本

This element contains an interactive demo for sighted users showing multiple Cursor interfaces: the IDE with AI-powered coding assistance, the CLI with command-line assistance. The interfaces are displayed over a scenic painted landscape wallpaper, giving the demo an artistic backdrop.

产品目录结构示例

  • Cursor
  • Get Cursor
  • ML-RESEARCH-NOTEBOOK
  • notebooks
  • train_model.py
  • evaluation.py
  • experiments
  • config.yaml
  • run_experiment.py
  • requirements.txt
  • train_model.py
  • run_experiment.py
  • config.yaml

MLP 代码演示(PyTorch MNIST 实验)

import torch
import torch.nn as nn
from torch.utils.data import DataLoader
from torchvision import datasets
 
def get_dataloaders(batch_size=64):
  transform = transforms.Compose([transforms.ToTensor()])
  train = datasets.MNIST(root="data", train=True, download=True, transform=transform)
  test = datasets.MNIST(root="data", train=False, download=True, transform=transform)
  return DataLoader(train, batch_size=batch_size, shuffle=True), DataLoader(test, batch_size=batch_size)
 
 
class MLP(nn.Module):
  def __init__(self, hidden=128):
    super().__init__()
    self.net = nn.Sequential(
      nn.Flatten(),
      nn.Linear(28*28, hidden),
      nn.ReLU(),
      nn.Linear(hidden, 10),
    )
 
  def forward(self, x):
    return self.net(x)
 
def train_model(epochs=1, lr=1e-3, device=None):
  device = device or ("cuda" if torch.cuda.is_available() else "cpu")
  model = MLP().to(device)
  opt = torch.optim.Adam(model.parameters(), lr=lr)
  loss_fn = nn.CrossEntropyLoss()
  train_loader, _ = get_dataloaders()
+  # Seed for reproducibility
+  torch.manual_seed(42)
+  if device == "cuda":
+    torch.cuda.manual_seed_all(42)
+  # AMP + Scheduler
+  scaler = torch.cuda.amp.GradScaler(enabled=(device=="cuda"))
+  scheduler = torch.optim.lr_scheduler.CosineAnnealingLR(opt, T_max=epochs)
  model.train()
  for epoch in range(epochs):
    total, correct = 0, 0
    for x, y in tqdm(train_loader, desc=f"epoch {epoch+1}"):
      x, y = x.to(device), y.to(device)
      opt.zero_grad(set_to_none=True)
      logits = model(x)
      loss = loss_fn(logits, y)
      loss.backward()
      opt.step()
      scaler.scale(loss).backward()
        scaler.unscale_(opt)
+      torch.nn.utils.clip_grad_norm_(model.parameters(), max_norm=1.0)
      scaler.step(opt)
      scaler.update()
+      preds = logits.argmax(dim=1)
+      total += y.size(0)
+      correct += (preds == y).sum().item()
+    acc = correct / max(1, total)
    scheduler.step()
+    print(f"epoch {epoch+1}: acc={acc:.3f}")
  return model`,

实验主题: PyTorch MNIST 实验

  • 添加混合精度训练
  • 学习率调度
  • 完善的验证
  • 创建实验配置系统,便于轻松运行不同的超参数设置

Cursor 代理与人机协作体验

  • Agent
  • GPT-5
  • cursor-agent
  • Get CLI
  • Cursor Agent
  • ~/Repos/ml-research-notebook

PyTorch MNIST 实验
添加混合精度训练、学习率调度和完善的验证。同时创建一个实验配置系统,便于我轻松运行不同的超参数设置。

GPT-5 / 表示命令 · @ 表示文件

用户信赖与知名案例

每天都深受数百万专业开发者信赖。

  • Agent 将想法化为代码
  • 人机协作的程序员,效率远超任何单独开发者的数量级。
了解 Agent →

This element contains an interactive demo for sighted users. It's a demonstration of Cursor's IDE showing AI-powered coding assistance features. The interface is displayed over a scenic painted landscape wallpaper, giving the demo an artistic backdrop.

任务与项目进度

  • 进行中 4
  • 企业订单管理系统 (正在生成)
  • 分析 Tab 与 Agent 的使用模式 (正在生成)
  • PyTorch MNIST 实验 (正在生成)
  • 修复 PR 评论获取问题 (正在生成)
  • 准备进行审核 2
  • 为 Dashboard 设置 Cursor 规则 (30m +37 -0)
  • 生物信息学工具 (45m +135 -21)
  • 分析 Tab 与 Agent 的使用模式

请帮我了解各团队在我们的各个工作区中,如何在标签视图与代理面板之间分配精力。

Agent GPT-5

自动补全与编辑体验

近乎神准的自动补全

  • 自研 Tab 模型以惊人的速度与精度预测你的下一步操作。
了解 Tab →

This element contains an interactive demo for sighted users. It's a demonstration of Cursor's IDE showing AI-powered coding assistance features. The interface is displayed over a scenic painted landscape wallpaper, giving the demo an artistic backdrop.

团队协作与生态系统

无处不在的研发现场

  • Cursor 出现在 GitHub 审阅你的 PR
  • 在 Slack 中作为队友
  • 以及你工作的任何其他地方
了解 Cursor 的生态系统 → This element contains an interactive demo for sighted users showing multiple Cursor interfaces: Slack integration for team communication, GitHub integration for code review and debugging. The interfaces are displayed over a scenic painted landscape wallpaper, giving the demo an artistic backdrop.

实际讨论与问题修复流程(Slack 与 PR 集成)

  • Slack
    • Get Cursor for Slack
    • #ask-cursor 8 位成员
    • dylan 9/16/2025: 这只是个小需求,但如果网站的版本发布页面能提供锚点链接就太好了(4条回复)
    • dylan 9/16/2025: 想要能够访问 cursor.com/changelog#1.0 查看 1.0 的更新日志
    • eric 9/16/2025: 看起来没问题
    • @cursor 你能试试看吗?
    • Cursor APP 9/16/2025: 我为更新日志条目实现了直接链接,并在整个项目中更新了 Node.js 版本约束,以提升兼容性和可维护性。查看 PR | 在 Cursor 中打开 | 在网页中打开
    • dylan 9/16/2025: 太好了,@eric,你能看一下吗?
  • GitHub Pull Request
    • Get BugBot
    • cursor 机器人 (已审查 1 分钟前)
      • src/vs/workbench/composer/browser/components/ComposerUnifiedDropdown.tsx
      • 3292 - {selectedMode().keybinding}
      • 3293 + {composerOpenModeToggleKeybinding}
      • cursor 机器人 1 分钟前 错误:函数返回对象而非字符串(逻辑错误)
      • composerOpenModeToggleKeybinding 是一个需要调用才能获取其值的函数。直接使用它会导致按键绑定的显示条件始终为真。
      • 在 Cursor 中修复 | 在 Web 上修复

行业影响力与采用率

"前后两批次的效果判若云泥,采用率从个位数飙升至80%以上。它像野火般迅速蔓延,最顶尖的开发者都在使用 Cursor。" — Diana Hu, 管理合伙人, Y Combinator
"迄今为止我付费使用、毫无疑问最有用的 AI 工具就是 Cursor。它速度快、在你需要的时机和位置智能补全,括号处理得当,键盘快捷键设计合理,支持自带模型……各方面都打磨得非常到位。" — shadcn, shadcn/ui 的创作者
"最出色的 LLM 应用都有一个“自主性滑杆”:你可以决定给 AI 多大的自主权。在 Cursor 中,你可以用 Tab 自动补全、用 Cmd+K 做定向编辑,或者直接放手交给全自主代理模式来处理。" — Andrej Karpathy, CEO, Eureka Labs
"在 Stripe,使用 Cursor 的人数迅速从几百人增长到上千名极其热情的员工。我们在研发和软件构建上的投入超过其他任何领域,而让这一过程更高效、更有产出,会带来显著的经济回报。" — Patrick Collison, 联合创始人与首席执行官, Stripe
"正式定了。 我讨厌 vibe coding。 我超爱用 Cursor 的 Tab 补全来写代码。 太离谱了。" — ThePrimeagen @ThePrimeagen
"当程序员这件事确实变得更有趣了。与其在无数页面里翻找,不如专注于你想要达成的结果。我们现在不过触及了可能性的 1%,而在像 Cursor 这样的交互式体验中,像 GPT-5 这样的模型会大放异彩。" — Greg Brockman, 总裁, OpenAI

模型与生态系统能力

  • 走在前沿
  • 接入顶尖模型
  • 在 OpenAI、Anthropic、Gemini 和 xAI 的所有前沿模型中自由选择
  • 探索模型 ↗
  • Auto 推荐 GPT-5 高 速 Claude Sonnet 4.5 ✓ Claude Opus 4.1 Gemini 2.5 Pro Grok Code

代码库学习能力

  • Cursor 能学习你的代码库如何运作,无论规模大小或复杂程度。
  • 了解代码库索引 ↗

这些菜单标签的颜色是在哪里定义的?

产品安全与企业级信任

  • 深受超过一半《财富》500 强信赖
  • 加速研发,安全且可扩展
  • 探索企业版 →

版本发布与更新日志

  • 更新日志
  • 1.7 Sep 29, 2025
    Agent 自动补全、Hook 与团队规则
  • 1.6 Sep 12, 2025
    斜杠菜单命令、摘要功能,以及更完善的 Agent 终端
  • 1.5 Aug 21, 2025
    Linear 集成、改进的 Agent 终端,以及操作系统通知
  • 1.4 Aug 6, 2025
    改进的 Agent 工具、可引导性与使用可见性
查看Cursor新功能 →

创新与技术突破亮点

  • 用在线强化学习改进 Cursor Tab
    • 我们的全新 Tab 模型整体建议数减少 21%,但接受率提升 28%。
      Research · Sep 12, 2025
  • 使用自定义 MXFP8 内核,将 MoE 训练提速至 1.5 倍
    • 通过为 Blackwell GPU 进行完整重构,实现 MoE 层 3.5 倍的加速。
      Research · Aug 29, 2025
  • C 轮融资与规模化
    • 我们已融资 9 亿美元,以推进 AI 编码研究的前沿。
      Company · Jun 6, 2025
查看更多帖子 →

结语与行动号召

立即体验 Cursor。

下载适用于 macOS 的版本

相关链接与公司信息

  • 产品
    • 功能
    • 企业
    • Bugbot
    • CLI
    • 定价
    • 资源
    • 下载
    • Web 代理
    • 更新日志
    • 文档
    • 论坛 ↗
    • 状态 ↗
  • 公司
    • 招聘 ↗
    • 博客
    • 社区
    • 学生
    • 品牌
  • 法律
    • 服务条款
    • 隐私政策
    • 数据使用
    • 安全
  • 联系
    • X ↗
    • LinkedIn ↗
    • YouTube ↗

© 2025 Anysphere, Inc.

  • 🛡 已通过 SOC 2 认证
  • 🌐 简体中文 ↓

系统与代理声明

🤖 Frevana Agent
Reading web content, don't close this browser

Similar Topics