动手学深度学习 v2.0量轴‐1长度 的总和(4 + 4)。 X = torch.arange(12, dtype=torch.float32).reshape((3,4)) Y = torch.tensor([[2.0, 1, 4, 3], [1, 2, 3, 4], [4, 3, 2, 1]]) torch.cat((X, Y), dim=0), torch.cat((X, Y), dim=1) (tensor([[ pandas as pd data = pd.read_csv(data_file) print(data) NumRooms Alley Price 0 NaN Pave 127500 1 2.0 NaN 106000 2 4.0 NaN 178100 3 NaN NaN 140000 2.2.2 处理缺失值 注意,“NaN”项代表缺失值。为了处理缺失的数据,典型的方法包括插值法和删除法,其中插值法用一个替 next page) 48 2. 预备知识 (continued from previous page) print(inputs) NumRooms Alley 0 3.0 Pave 1 2.0 NaN 2 4.0 NaN 3 3.0 NaN 对于inputs中的类别值或离散值,我们将“NaN”视为一个类别。由于“巷子类型”(“Alley”)列只接受两 种类型的类别值“Pave”和0 码力 | 797 页 | 29.45 MB | 1 年前3
房源质量打分中深度学习应用及算法优化-周玉驰COPYRIGHTS RESERVED 14 模型演变历程 2019 KE.COM ALL COPYRIGHTS RESERVED 15 模型演变历程 v1.0 初版模型系统 v2.0 深度学习模型 v2.0+ 效果持续优化 XGBoost DNN+RNN 特征建设 v1.0 初版模型系统 2019 KE.COM ALL COPYRIGHTS RESERVED 16 v1.0 - 选房成本低 选房没有主观性 可以盘点所有房源质量 2019 KE.COM ALL COPYRIGHTS RESERVED 20 模型演变历程 v1.0 初版模型系统 v2.0 深度学习模型 v2.0+ 效果持续优化 XGBoost DNN+RNN 特征建设 2019 KE.COM ALL COPYRIGHTS RESERVED 21 RNN RNN LSTM 2019 RESERVED 24 模型系统对比 房源特征 特征处理 M XGBoost 分数映射 房源特征 分数映射 DNN + RNN v1.0 v2.0 2019 KE.COM ALL COPYRIGHTS RESERVED 25 模型指标对比 v1.0 v2.0 AUC 0.814 0.831 Top1000去化率 30.72% +0.83% Top2000去化率 25.28% +1.2%0 码力 | 48 页 | 3.75 MB | 1 年前3
《TensorFlow 2项目进阶实战》1-基础理论篇:TensorFlow 2设计思想AI TensorFlow 2 设计原则 TensorFlow 2 简化概念 海纳百川 构建生态 TensorFlow 2 简化概念 1.0 2.0 TensorFlow 2 海纳百川 2.0 TensorFlow 2 构建生态 2.0 TensorFlow 生产级AI方案 TensorFlow 2 核心模块 TensorFlow 2 核心模块概览 tf.keras:分布式和高性能的 support Supported planned post 2.0 Supported Custom training loop Experimental support Experimental support Support planned post 2.0 Support planned post 2.0 No support yet Supported Estimator0 码力 | 40 页 | 9.01 MB | 1 年前3
《Efficient Deep Learning Book》[EDL] Chapter 3 - Learning Techniquestaken from Google Open Images Dataset V6. It is authored by Mike Baird and is licensed under CC BY 2.0. The image is resized to 224x224px prior to the transformations. Value transformation operates on (resized) from Open Images Dataset V6 and authored by J. P. Both the images are licensed under CC BY 2.0. For example, the top-right image is an average mix of turtle and tortoise images in the center column Softmax function in NumPy. import numpy as np # A dummy logits tensor. logits_tensor = np.array([1.0, 2.0, 3.0]) # Compute e(logits) exp_tensor = np.exp(logits_tensor) # Compute Softmax probabilities_tensor0 码力 | 56 页 | 18.93 MB | 1 年前3
全连接神经网络实战. pytorch 版间 idata [ 1 ] = ( idata [ 1 ] − 0.5) ∗ 2.0 + 4.0 l a b e l . append (1) e l s e : # 把 大 于0 .5 的 值 压 缩 到 [ 4 , 5 ] 之 间 idata [ 0 ] = ( idata [ 0 ] −0.5) ∗2.0 + 4.0 i f idata [ 1 ] < 0 . 5 : # 把 小 append (2) e l s e : # 把 大 于 0 .5 的 值 压 缩 到 [ 4 , 5 ] 之 间 idata [ 1 ] = ( idata [ 1 ] − 0.5) ∗ 2.0 + 4.0 l a b e l . append (3) data = np . random . rand (20000 , 2) l a b e l =[] dataGenerate ( . set_ylabel ( ’ cor rect (%) ’ ) plt . plot ( count , correctCurve , color=’ red ’ , linewidth =2.0 , l i n e s t y l e=’− ’ ) plt . show () 我们可以得到结果(我训练了很多次,有时候训练 1000 轮以后的正确率只有 80%,有时候 能到百分之 99%):0 码力 | 29 页 | 1.40 MB | 1 年前3
《Efficient Deep Learning Book》[EDL] Chapter 5 - Advanced Compression Techniquesis denoted by a cross. This is not ideal because the precision allocated to the range [-4.0, -2.0] or [2.0, 4.0] (spanning two quantization bins) is the same as the precision allocated to [-1, 1]. [-10 码力 | 34 页 | 3.18 MB | 1 年前3
【PyTorch深度学习-龙龙老师】-测试版202112的。基于静态图的代表性框架是 TensorFlow 1,特点是建立计算图过程和实际计算过程是 分开的;PyTorch 是基于动态图的流行框架,特点是计算图的建图过程和计算过程是同时 进行的。 下面以简单的2.0 + 4.0的加法运算为例,介绍静态图和动态图的主要区别。首先介绍 静态图,以 TensorFlow 1.x 为例,首先创建计算图,代码如下(以下代码需要提前安装 TensorFlow 1.x 框架和 name='variable_c') 创建计算图的过程就类比通过符号建立公式? = ? + ?的过程,仅仅是记录了公式的计算步 骤,并没有实际计算公式的数值结果,需要通过运行公式的输出端子?,并赋值? = 2.0,? = 4.0才能获得?的数值结果,代码如下: # 2.运行计算图阶段,此处代码需要使用 tf 1.x 版本运行 # 创建运行环境 sess = tf.InteractiveSession() c_numpy print('a+b=',c_numpy) 可以看到,在 TensorFlow 中完成简单的2.0 + 4.0加法运算尚且如此繁琐,更别说创建复杂 的神经网络算法有多艰难。这种先创建计算图后运行的编程方式叫做符号式编程。 作为对比,现在介绍动态图方式来完成2.0 + 4.0运算。PyTorch 实现代码如下: import torch # 导入 pytorch 库 #0 码力 | 439 页 | 29.91 MB | 1 年前3
《TensorFlow 快速入门与实战》1-TensorFlow初印象GPU & more TensorBoard 1.0 Release XLA, New APIs High-Level APIs tf.keras tf.data TF Lite Eager 2.0 Preview 15,000,000 Tracked by https://www.timqian.com/star-history/#tensorflow/tensorflow TensorFlow0 码力 | 34 页 | 35.16 MB | 1 年前3
华为云深度学习在文本分类中的实践-李明磊性价比 汽车细粒度情感分析各属性结果 Accuracy F 定制化Loss,单模型多输出 数据标注灵活 结合数据增强,针对不均衡数据做优化 评论 动力 外观 空间 油耗 2.0T涡轮增压发动机动力强,高速120超车没压力;外观是我和老婆都比较喜欢的 款;后排空间有点小;有点费油啊。 20 其他分类案例 客服话题 分类 识别客户对话过程用 用户反馈的话题类型, 并进行热点话题分析0 码力 | 23 页 | 1.80 MB | 1 年前3
经典算法与人工智能在外卖物流调度中的应用订单云端分组 整体最优分配 调度 系统 4.0 深度学习智能模式 • 出餐时间估算更准,缩短 骑士到店等待时间,节省 运力,提升用户等餐体验 出餐时间预估 深度学习智能 调度 系统 2.0 系统派单模式 • 系统综合考虑配送距离、 骑士运力、期望送达时间 等因素来自动派单 配送距离 期望送达时间 骑士运力 订单相似度 调度 系统 1.0 外卖订单智能调度要解决的核心问题0 码力 | 28 页 | 6.86 MB | 1 年前3
共 15 条
- 1
- 2













