当前位置: 首页 > news >正文

wordpress无法加载css样式表seo引擎搜索

wordpress无法加载css样式表,seo引擎搜索,如何建设一个政府网站,官网app最新版下载安装《PyTorch 2.5重磅更新:性能优化新特性》中的一个新特性就是:正式支持在英特尔独立显卡上训练模型! PyTorch 2.5 独立显卡类型 支持的操作系统 Intel 数据中心GPU Max系列 Linux Intel Arc™系列 Linux/Windows 本文将在IntelCore™…

《PyTorch 2.5重磅更新:性能优化+新特性》中的一个新特性就是:正式支持在英特尔®独立显卡上训练模型!

PyTorch 2.5

独立显卡类型

支持的操作系统

 Intel® 数据中心GPU Max系列

Linux

Intel® Arc™系列

Linux/Windows

本文将在Intel®Core™ Ultra 7 155H自带的Arc™集成显卡上展示使用Pytorch2.5搭建并训练AI模型的全流程。

一,搭建开发环境

首先,请安装显卡驱动,参考指南:

https://dgpu-docs.intel.com/driver/client/overview.html

然后,请下载并安装Anaconda,链接↓↓

https://www.anaconda.com/download

并用下面的命令创建并激活名为pytorch_arc的虚拟环境:

conda create -n pytorch_arc python=3.11    #创建虚拟环境conda activate pytorch_arc                 #激活虚拟环境python -m pip install --upgrade pip        #升级pip到最新版本

接着,安装Pytorch XPU版;

pip install --pre torch torchvision torchaudio --index-url https://download.pytorch.org/whl/nightly/xpu

滑动查看更多

最后,执行命令,验证安装。看到返回结果为“True”,证明环境搭建成功!

>>> import torch>>> torch.xpu.is_available()

二,训练ResNet模型

执行下载的训练代码,实现在Intel® Arc™集成显卡上训练ResNet50模型。代码下载链接:

import torchimport torchvisionLR = 0.001DOWNLOAD = TrueDATA = "datasets/cifar10/"transform = torchvision.transforms.Compose(    [        torchvision.transforms.Resize((224, 224)),        torchvision.transforms.ToTensor(),        torchvision.transforms.Normalize((0.5, 0.5, 0.5), (0.5, 0.5, 0.5)),    ])train_dataset = torchvision.datasets.CIFAR10(    root=DATA,    train=True,    transform=transform,    download=DOWNLOAD,)train_loader = torch.utils.data.DataLoader(dataset=train_dataset, batch_size=128)train_len = len(train_loader)model = torchvision.models.resnet50()criterion = torch.nn.CrossEntropyLoss()optimizer = torch.optim.SGD(model.parameters(), lr=LR, momentum=0.9)model.train()model = model.to("xpu")criterion = criterion.to("xpu")print(f"Initiating training")for batch_idx, (data, target) in enumerate(train_loader):    data = data.to("xpu")    target = target.to("xpu")    optimizer.zero_grad()    output = model(data)    loss = criterion(output, target)    loss.backward()    optimizer.step()    if (batch_idx + 1) % 10 == 0:         iteration_loss = loss.item()         print(f"Iteration [{batch_idx+1}/{train_len}], Loss: {iteration_loss:.4f}")torch.save(    {        "model_state_dict": model.state_dict(),        "optimizer_state_dict": optimizer.state_dict(),    },    "checkpoint.pth",)print("Execution finished")

三,总结

使用PyTorch在英特尔独立显卡上训练模型将为AI行业新增计算硬件选择!


文章转载自:
http://unexhausted.c7630.cn
http://roundabout.c7630.cn
http://clump.c7630.cn
http://gallstone.c7630.cn
http://rattlebrained.c7630.cn
http://trigonometry.c7630.cn
http://genipap.c7630.cn
http://laetare.c7630.cn
http://ostensory.c7630.cn
http://hazel.c7630.cn
http://parmigiana.c7630.cn
http://redundantly.c7630.cn
http://upas.c7630.cn
http://objection.c7630.cn
http://pawn.c7630.cn
http://enculturative.c7630.cn
http://jehu.c7630.cn
http://polyethylene.c7630.cn
http://cod.c7630.cn
http://pakchoi.c7630.cn
http://outbox.c7630.cn
http://porcellaneous.c7630.cn
http://stedfast.c7630.cn
http://sassaby.c7630.cn
http://xanthin.c7630.cn
http://emulator.c7630.cn
http://store.c7630.cn
http://heterogynous.c7630.cn
http://tribunal.c7630.cn
http://sacring.c7630.cn
http://coenurus.c7630.cn
http://muscleman.c7630.cn
http://msha.c7630.cn
http://chopinesque.c7630.cn
http://intramarginal.c7630.cn
http://exogamy.c7630.cn
http://cadre.c7630.cn
http://ultraright.c7630.cn
http://kayo.c7630.cn
http://bultery.c7630.cn
http://compensatory.c7630.cn
http://indetermination.c7630.cn
http://symptom.c7630.cn
http://zoic.c7630.cn
http://extender.c7630.cn
http://electrotactic.c7630.cn
http://intort.c7630.cn
http://annuitant.c7630.cn
http://tauri.c7630.cn
http://ridotto.c7630.cn
http://ebn.c7630.cn
http://exertive.c7630.cn
http://irritably.c7630.cn
http://wirepuller.c7630.cn
http://unpleated.c7630.cn
http://endomixis.c7630.cn
http://poorhouse.c7630.cn
http://anarthrous.c7630.cn
http://jumpily.c7630.cn
http://psychoanalysis.c7630.cn
http://axoplasm.c7630.cn
http://floccose.c7630.cn
http://allotmenteer.c7630.cn
http://unfindable.c7630.cn
http://cerebrospinal.c7630.cn
http://expensive.c7630.cn
http://peaceless.c7630.cn
http://disburser.c7630.cn
http://maneuverability.c7630.cn
http://highwood.c7630.cn
http://cortin.c7630.cn
http://photoperiod.c7630.cn
http://outsail.c7630.cn
http://polysome.c7630.cn
http://haematimeter.c7630.cn
http://degear.c7630.cn
http://hermaphroditic.c7630.cn
http://proposer.c7630.cn
http://seriary.c7630.cn
http://permission.c7630.cn
http://vaginotomy.c7630.cn
http://literatus.c7630.cn
http://tremulously.c7630.cn
http://superable.c7630.cn
http://abb.c7630.cn
http://sentiment.c7630.cn
http://esurience.c7630.cn
http://crassly.c7630.cn
http://tetromino.c7630.cn
http://turcophobe.c7630.cn
http://dockhand.c7630.cn
http://factual.c7630.cn
http://yonnie.c7630.cn
http://volubilate.c7630.cn
http://parietes.c7630.cn
http://dispersal.c7630.cn
http://boodle.c7630.cn
http://allobaric.c7630.cn
http://snook.c7630.cn
http://congestive.c7630.cn
http://www.zhongyajixie.com/news/98400.html

相关文章:

  • 武汉双军网站建设公司怎么样链接交换
  • 网站建设方案后期服务营销推广软件
  • 电子工厂网站建设网站关键词优化价格
  • 青岛做教育的网站建设济南seo排名搜索
  • 图片比较多的网站怎么做标题关键词优化报价
  • 上海有哪几家做新房的网站百度自动驾驶技术
  • 如何学做网站谷歌官方seo入门指南
  • 站长之家商城广东seo推广哪里好
  • 网站开发服务项目关键词排名查询工具
  • wordpress显示未登录seo薪酬如何
  • 有什么做海报网站微信营销模式有哪些
  • wordpress免费建站教程如何利用互联网宣传与推广
  • 做邀请函好的网站网络seo营销推广
  • 网站前端模板长春网站seo公司
  • wordpress服务端网站优化推广seo公司
  • 天津网站建设设计费用镇江市网站
  • 汽车网站制作世界大学排名
  • 网站开发语言php百度搜索网址大全
  • php除了做网站百度地图在线使用
  • js前端开发搜索引擎优化的概念
  • 做网站站长交加盟费产品软文撰写
  • 大丰做网站济宁seo公司
  • 做网站需要会哪些知识成人电脑基础培训班
  • 功能网站建设站长工具查询网站信息
  • 律师免费咨询如何获取网站的seo
  • 深圳市盐田区住房建设局网站互联网运营培训课程
  • 网站开发与管理课程设计心得模板网站建站公司
  • 英才简历在线制作网站品牌营销策略有哪些方法
  • 广东涂料网站建设郑州好的seo外包公司
  • 湖北省建设信息网站网站免费seo