PyTorch Release Notesincluding tutorials, documentation, and examples, see: ‣ PyTorch website ‣ PyTorch project This document provides information about the key features, software enhancements and improvements, known issues --shm-size=in the command line to docker run --gpus all To pull data and model descriptions from locations outside the container for use by PyTorch or save results to locations and 2X reduced memory storage for intermediates (reducing the overall memory consumption of your model). Additionally, GEMMs and convolutions with FP16 inputs can run on Tensor Cores, which provide an 0 码力 | 365 页 | 2.94 MB | 1 年前3
AI大模型千问 qwen 中文文档Qwen Team 2024 年 05 月 11 日 快速开始 1 文档 3 i ii Qwen Qwen is the large language model and large multimodal model series of the Qwen Team, Alibaba Group. Now the large language models have been upgraded AutoModelForCausalLM, AutoTokenizer device = "cuda" # the device to load the model onto # Now you do not need to add "trust_remote_code=True" model = AutoModelForCausalLM.from_pretrained( "Qwen/Qwen1.5-7B-Chat", tokenizer = AutoTokenizer.from_pretrained("Qwen/Qwen1.5-7B-Chat") # Instead of using model.chat(), we directly use model.generate() # But you need to use tokenizer.apply_chat_template() to format your inputs0 码力 | 56 页 | 835.78 KB | 1 年前3
阿里云上深度学习建模实践-程孟力样本分布不均匀 ✗ 隐私保护 • 多个环节 • 多种模型 ✗ 海量参数 ✗ 海量数据 从FM到DeepFM rt 增 加了10倍怎么优化? 2.模型效果优 化困难 1.方案复杂 Data Model Compute Platform 要求: 准确: 低噪声 全面: 同分布 模型选型: 容量大 计算量小 训练推理: 高qps, 低rt 支持超大模型 性价比 Tensorflow PyTorch Parameter Server MPI TreeModel SQL MapReduce Blink 场景丰富: 图像/视频/推荐/搜索 大数据+大模型: Model Zoo 跨场景+跨模态 开箱即用: 封装复杂性 白盒化, 可扩展性强 积极对接开源系统+模型 FTRL SGD Adam Solutions Librarys 优势: 推荐算法库 标准化: Standard Libraries ImageInput Data Aug VideoInput Resnet RPNHead Classification Object Detection Segmentation Multi-Label OCR CrossEntropy SmoothL1 DiceLoss Contrasive RCNNHead0 码力 | 40 页 | 8.51 MB | 1 年前3
《Efficient Deep Learning Book》[EDL] Chapter 4 - Efficient Architecturesin ANALOG magazine (1991) So far, we have discussed generic techniques which are agnostic to the model architecture. These techniques can be applied in NLP, vision, speech or other domains. However, owing challenges. What good is a model that cannot be deployed in practical applications! Efficient Architectures aim to improve model deployability by proposing novel ways to reduce model footprint and improve running on mobile and edge devices. We have also set up a couple of programming projects for a hands-on model optimization experience using these efficient layers and architectures. Let’s start our journey with0 码力 | 53 页 | 3.92 MB | 1 年前3
Keras: 基于 Python 的深度学习库zh. Thanks for the Chinese translation work done by keras-team, this document is produced based on it. Statement: This document can be freely used for learning and scientific research and is freely 49 4.3.1 Model 类 API . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 49 4.3.2 Model 的实用属性 . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 49 4.3.3 Model 类模型方法 . . . . . . . . . . . . . . . 239 20.8 plot_model . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 239 20.9 multi_gpu_model . . . . . . . . . . . . . . . . . . . . . .0 码力 | 257 页 | 1.19 MB | 1 年前3
Lecture 1: OverviewMachine Learning Document Search Given counts of words in a document, determine what its topic is. Group documents by topic without a pre-specified list of topics. Many words in a document, many, many documents classification problem, we want to predict the class of an item. The type of tumor, the topic of a document, the semantics contained in an image, whether a customer will purchase a product. For a regression (SDU) Overview September 6, 2023 47 / 57 Parametric vs Non-Parametric Models Parametric model We can train a model by using the training data to estimate parameters of it Use these parameters to make predictions0 码力 | 57 页 | 2.41 MB | 1 年前3
【PyTorch深度学习-龙龙老师】-测试版202112参考文献 第 15 章 自定义数据集 15.1 精灵宝可梦数据集 15.2 自定义数据集加载流程 15.3 宝可梦数据集实战 15.4 迁移学习 15.5 Saved_model 15.6 模型部署 15.7 参考文献 预览版202112 人工智能绪论 我们需要的是一台可以从经验中学习的机器。 −阿兰·图灵 1.1 值为当前样本属于每个类别的概率分布。通常选取概率值最大的类别作为样本的预测类 别。图片识别是最早成功应用深度学习的任务之一,经典的网络模型有 VGG 系列、 ResNet 系列、EfficientNet 系列等。 目标检测(Object Detection) 是指通过算法自动检测出图片中常见物体的大致位置,通 常用边界框(Bounding box)表示,并分类出边界框中物体的类别信息,如图 1.15 所示。常 见的目标检测算法有 容器可以非常方便地搭建多层的网络。对于 3 层网络,我们可以通过快速 完成 3 层网络的搭建。 # 利用 Sequential 容器封装 3 个网络层,前网络层的输出默认作为下一层的输入 model = nn.Sequential( # 创建第一层,输入为 784,输出为 256 nn.Linear(28*28, 256), nn.ReLU(), # 激活函数0 码力 | 439 页 | 29.91 MB | 1 年前3
动手学深度学习 v2.0定当下的“最佳参数集”,这些参数 通过某种性能度量方式来达到完成任务的最佳性能。 那么到底什么是参数呢?参数可以被看作旋钮,旋钮的转动可以调整程序的行为。任一调整参数后的程序被 称为模型(model)。通过操作参数而生成的所有不同程序(输入‐输出映射)的集合称为“模型族”。使用数 据集来选择参数的元程序被称为学习算法(learning algorithm)。 在开始用机器学习算法解决问题 进行更详细的解析。 1.2 机器学习中的关键组件 首先介绍一些核心组件。无论什么类型的机器学习问题,都会遇到这些组件: 1. 可以用来学习的数据(data); 2. 如何转换数据的模型(model); 3. 一个目标函数(objective function),用来量化模型的有效性; 4. 调整模型参数以优化目标函数的算法(algorithm)。 1.2. 机器学习中的关键组件 19 b。无论我们使用什么手段来观察特征X和标签y,都可能会出现少量 的观测误差。因此,即使确信特征与标签的潜在关系是线性的,我们也会加入一个噪声项来考虑观测误差带 来的影响。 在开始寻找最好的模型参数(model parameters)w和b之前,我们还需要两个东西:(1)一种模型质量的度 量方式;(2)一种能够更新模型以提高模型预测质量的方法。 损失函数 在我们开始考虑如何用模型拟合(fit)数据0 码力 | 797 页 | 29.45 MB | 1 年前3
keras tutorial........................................................................................... 17 Model ................................................................................................. ............................................................................... 58 10. Keras ― Model Compilation ..................................................................................... ..... 61 Compile the model ........................................................................................................................................ 62 Model Training ..............0 码力 | 98 页 | 1.57 MB | 1 年前3
《Efficient Deep Learning Book》[EDL] Chapter 3 - Learning Techniquesyou'll go.” ― Dr. Seuss Model quality is an important benchmark to evaluate the performance of a deep learning model. A language translation application that uses a low quality model would struggle with consumer effectively with others who speak different languages. An application that employs a high quality model with a reasonable translation accuracy would garner better consumer support. In this chapter, our picked to benchmark learning techniques. It is followed by a short discussion on exchanging model quality and model footprint. An in-depth discussion of data augmentation and distillation follows right after0 码力 | 56 页 | 18.93 MB | 1 年前3
共 69 条
- 1
- 2
- 3
- 4
- 5
- 6
- 7













