积分充值
 首页
前端开发
AngularDartElectronFlutterHTML/CSSJavaScriptReactSvelteTypeScriptVue.js构建工具
后端开发
.NetC#C++C语言DenoffmpegGoIdrisJavaJuliaKotlinLeanMakefilenimNode.jsPascalPHPPythonRISC-VRubyRustSwiftUML其它语言区块链开发测试微服务敏捷开发架构设计汇编语言
数据库
Apache DorisApache HBaseCassandraClickHouseFirebirdGreenplumMongoDBMySQLPieCloudDBPostgreSQLRedisSQLSQLiteTiDBVitess数据库中间件数据库工具数据库设计
系统运维
AndroidDevOpshttpdJenkinsLinuxPrometheusTraefikZabbix存储网络与安全
云计算&大数据
Apache APISIXApache FlinkApache KarafApache KyuubiApache OzonedaprDockerHadoopHarborIstioKubernetesOpenShiftPandasrancherRocketMQServerlessService MeshVirtualBoxVMWare云原生CNCF机器学习边缘计算
综合其他
BlenderGIMPKiCadKritaWeblate产品与服务人工智能亿图数据可视化版本控制笔试面试
文库资料
前端
AngularAnt DesignBabelBootstrapChart.jsCSS3EchartsElectronHighchartsHTML/CSSHTML5JavaScriptJerryScriptJestReactSassTypeScriptVue前端工具小程序
后端
.NETApacheC/C++C#CMakeCrystalDartDenoDjangoDubboErlangFastifyFlaskGinGoGoFrameGuzzleIrisJavaJuliaLispLLVMLuaMatplotlibMicronautnimNode.jsPerlPHPPythonQtRPCRubyRustR语言ScalaShellVlangwasmYewZephirZig算法
移动端
AndroidAPP工具FlutterFramework7HarmonyHippyIoniciOSkotlinNativeObject-CPWAReactSwiftuni-appWeex
数据库
ApacheArangoDBCassandraClickHouseCouchDBCrateDBDB2DocumentDBDorisDragonflyDBEdgeDBetcdFirebirdGaussDBGraphGreenPlumHStreamDBHugeGraphimmudbIndexedDBInfluxDBIoTDBKey-ValueKitDBLevelDBM3DBMatrixOneMilvusMongoDBMySQLNavicatNebulaNewSQLNoSQLOceanBaseOpenTSDBOracleOrientDBPostgreSQLPrestoDBQuestDBRedisRocksDBSequoiaDBServerSkytableSQLSQLiteTiDBTiKVTimescaleDBYugabyteDB关系型数据库数据库数据库ORM数据库中间件数据库工具时序数据库
云计算&大数据
ActiveMQAerakiAgentAlluxioAntreaApacheApache APISIXAPISIXBFEBitBookKeeperChaosChoerodonCiliumCloudStackConsulDaprDataEaseDC/OSDockerDrillDruidElasticJobElasticSearchEnvoyErdaFlinkFluentGrafanaHadoopHarborHelmHudiInLongKafkaKnativeKongKubeCubeKubeEdgeKubeflowKubeOperatorKubernetesKubeSphereKubeVelaKumaKylinLibcloudLinkerdLonghornMeiliSearchMeshNacosNATSOKDOpenOpenEBSOpenKruiseOpenPitrixOpenSearchOpenStackOpenTracingOzonePaddlePaddlePolicyPulsarPyTorchRainbondRancherRediSearchScikit-learnServerlessShardingSphereShenYuSparkStormSupersetXuperChainZadig云原生CNCF人工智能区块链数据挖掘机器学习深度学习算法工程边缘计算
UI&美工&设计
BlenderKritaSketchUI设计
网络&系统&运维
AnsibleApacheAWKCeleryCephCI/CDCurveDevOpsGoCDHAProxyIstioJenkinsJumpServerLinuxMacNginxOpenRestyPrometheusServertraefikTrafficUnixWindowsZabbixZipkin安全防护系统内核网络运维监控
综合其它
文章资讯
 上传文档  发布文章  登录账户
IT文库
  • 综合
  • 文档
  • 文章

无数据

分类

全部云计算&大数据(9)机器学习(9)

语言

全部中文(简体)(5)英语(4)

格式

全部PDF文档 PDF(9)
 
本次搜索耗时 0.069 秒,为您找到相关结果约 9 个.
  • 全部
  • 云计算&大数据
  • 机器学习
  • 全部
  • 中文(简体)
  • 英语
  • 全部
  • PDF文档 PDF
  • 默认排序
  • 最新排序
  • 页数排序
  • 大小排序
  • 全部时间
  • 最近一天
  • 最近一周
  • 最近一个月
  • 最近三个月
  • 最近半年
  • 最近一年
  • pdf文档 《Efficient Deep Learning Book》[EDL] Chapter 7 - Automation

    ReadConfig(try_autocache=False) ) Let's resize the dataset splits to the same size. The target size is identical to the project in chapter 3. # Dataset image size IMG_SIZE = 264 def resize_image(image, label): image image.resize(image, [IMG_SIZE, IMG_SIZE]) image = tf.cast(image, tf.uint8) return image, label train_ds = train_ds.map(resize_image) val_ds = val_ds.map(resize_image) test_ds = test_ds.map(resize_image)
    0 码力 | 33 页 | 2.48 MB | 1 年前
    3
  • pdf文档 《Efficient Deep Learning Book》[EDL] Chapter 3 - Learning Techniques

    asarray(bytearray(request.read()), dtype=np.uint8) img = cv2.imdecode(img_array, cv2.IMREAD_COLOR) img = cv2.resize(img, (IMG_SIZE, IMG_SIZE), cv2.INTER_AREA) return cv2.cvtColor(img, cv2.COLOR_BGR2RGB).astype(int) val_ds = make_dataset('oxford_flowers102') The dataset contains variable sized samples. Go ahead and resize them to 264x264 size. This is a required step because our model expects fixed-sized images. import def resize_image(image, label): image = tf.image.resize(image, [IMG_SIZE, IMG_SIZE]) image = tf.cast(image, tf.uint8) return image, label train_ds = train_ds.map(dsitem_to_tuple).map(resize_image)
    0 码力 | 56 页 | 18.93 MB | 1 年前
    3
  • pdf文档 深度学习下的图像视频处理技术-沈小勇

    Layer v.s. Baseline Analysis 54 Output (baseline) ????????????????????????→0 BW Resize Backward warping + Resize (baseline) Ablation Study: SPMC Layer v.s. Baseline Analysis 55 Output (SPMC) [Nah et al, 2017] Remaining Challenges 83 Output conv conv input coarse stage fine stage resize up Merits in Coarse-to-fine Strategy Each scale solve the same problem Solver and parameters at
    0 码力 | 121 页 | 37.75 MB | 1 年前
    3
  • pdf文档 《Efficient Deep Learning Book》[EDL] Chapter 4 - Efficient Architectures

    available through the tensorflow_datasets package. We apply the standard preprocessing routines to resize and normalize the images. import tensorflow as tf import tensorflow_datasets as tfds from tensorflow preprocess(item): image, mask = item['image'], item['segmentation_mask'] # Resize image and mask to IMG_SIZE image = tf.image.resize(image, [IMG_SIZE, IMG_SIZE]) 30 Parkhi, Omkar M., et al. "Cats and dogs dogs." 2012 IEEE conference on computer vision and pattern recognition. IEEE, 2012. mask = tf.image.resize(mask, [IMG_SIZE, IMG_SIZE]) # Normalize the image and realign the mask. image = tf.cast(image,
    0 码力 | 53 页 | 3.92 MB | 1 年前
    3
  • pdf文档 【PyTorch深度学习-龙龙老师】-测试版202112

    过拟合 16 图 9.29 不同大小的原图缩放到固定大小 TensorFlow 中提供了常用图片的处理函数,位于 tf.image 子模块中。通过 tf.image.resize 函数可以实现图片的缩放功能,我们将数据增强一般实现在预处理函数 preprocess 中,将图片从文件系统读取进来后,即可进行图片数据增强操作。例如: def preprocess(x,y): image.decode_jpeg(x, channels=3) # RGBA # 图片缩放到 244x244 大小,这个大小根据网络设定自行调整 x = tf.image.resize(x, [244, 244]) 9.7.1 旋转 旋转图片是非常常见的图片数据增强方式,通过将原图进行一定角度的旋转运算,可 以获得不同角度的新图片,这些图片的标签信息维持不变,如图 略大于网络输入尺寸的大小,再裁 剪到合适大小。例如网络的输入大小为224 × 224,那么可以先通过 resize 函数将图片缩放 到244 × 244大小,再随机裁剪到224 × 224大小。代码实现如下: # 图片先缩放到稍大尺寸 x = tf.image.resize(x, [244, 244]) # 再随机裁剪到合适尺寸 x = tf.image.random_crop(x
    0 码力 | 439 页 | 29.91 MB | 1 年前
    3
  • pdf文档 Keras: 基于 Python 的深度学习库

    重新排列张量的轴。 参数 • x: 张量或变量。 • pattern: 维度索引的元组,例如 (0, 2, 1)。 返回 一个张量。 resize_images 后端 BACKEND 203 keras.backend.resize_images(x, height_factor, width_factor, data_format) 调整 4D 张量中包含的图像的大小。 参数 一个张量。 异常 • ValueError: 如果 data_format 既不是 "channels_last" 也不是 "channels_first"。 resize_volumes keras.backend.resize_volumes(x, depth_factor, height_factor, width_factor, data_format) 调整 5D 张量中包含的体积。 是进行多进程处理的更安全的方法。这种结构保证网络在每个时期每个样本只训 练一次,这与生成器不同。 例子 from skimage.io import imread from skimage.transform import resize import numpy as np import math # 这里,`x_set` 是图像的路径列表 # 以及 `y_set` 是对应的类别 class CIFAR10Sequence(Sequence):
    0 码力 | 257 页 | 1.19 MB | 1 年前
    3
  • pdf文档 动手学深度学习 v2.0

    和验证集的数据迭代器。此外,这个函数还接受一个可选参数resize,用来将图像大小调整为另一种形状。 def load_data_fashion_mnist(batch_size, resize=None): #@save """下载Fashion-MNIST数据集,然后将其加载到内存中""" trans = [transforms.ToTensor()] if resize: trans.insert(0 insert(0, transforms.Resize(resize)) trans = transforms.Compose(trans) mnist_train = torchvision.datasets.FashionMNIST( root="../data", train=True, transform=trans, download=True) mnist_test = torchvision num_workers=get_dataloader_workers())) 下面,我们通过指定resize参数来测试load_data_fashion_mnist函数的图像大小调整功能。 train_iter, test_iter = load_data_fashion_mnist(32, resize=64) for X, y in train_iter: print(X.shape, X
    0 码力 | 797 页 | 29.45 MB | 1 年前
    3
  • pdf文档 深度学习与PyTorch入门实战 - 63. 迁移学习-自定义数据集实战

    Inherit from torch.utils.data.Dataset ▪ __len__ ▪ __getitem__ Custom Dataset Preprocessing ▪ Image Resize ▪ 224x224 for ResNet18 ▪ Data Argumentation ▪ Rotate ▪ Crop ▪ Normalize ▪ Mean, std ▪ ToTensor
    0 码力 | 16 页 | 719.15 KB | 1 年前
    3
  • pdf文档 《TensorFlow 快速入门与实战》3-TensorFlow基础概念解析

    al/random_gamma ����� string_to_hash_bucket/reduce_join/substr/encode_base64 ������ encode_png/resize_images/rot90/hsv_to_rgb/adjust_gamma TensorFlow ����� TensorFlow �������������������������� T
    0 码力 | 50 页 | 25.17 MB | 1 年前
    3
共 9 条
  • 1
前往
页
相关搜索词
EfficientDeepLearningBookEDLChapterAutomationTechniques深度学习图像视频处理技术沈小勇ArchitecturesPyTorch深度学习Keras基于Python动手v2入门实战63迁移定义数据定义数据TensorFlow快速基础概念解析
IT文库
关于我们 文库协议 联系我们 意见反馈 免责声明
本站文档数据由用户上传或本站整理自互联网,不以营利为目的,供所有人免费下载和学习使用。如侵犯您的权益,请联系我们进行删除。
IT文库 ©1024 - 2025 | 站点地图
Powered By MOREDOC AI v3.3.0-beta.70
  • 关注我们的公众号【刻舟求荐】,给您不一样的精彩
    关注我们的公众号【刻舟求荐】,给您不一样的精彩