ICode9

精准搜索请尝试: 精确搜索
  • 深度学习入门系列11:用Dropout正则减少过拟合2021-09-06 13:34:32

    大家好,我技术人Howzit,这是深度学习入门系列第十一篇,欢迎大家一起交流! 深度学习入门系列1:多层感知器概述 深度学习入门系列2:用TensorFlow构建你的第一个神经网络 深度学习入门系列3:深度学习模型的性能评价方法 深度学习入门系列4:用scikit-learn找到最好的模型 深度学习入门

  • 我所用过的深度学习框架2021-09-06 13:33:16

    写在前面 深度学习有几个比较有名的平台框架,如早期的Theano,Caffe,如今比较火的Tensorflow,Pytorch,MxNet等,这些平台框架是从事机器学习、深度学习研究的重要工具。 Keras 我从2016年开始接触深度学习,早期试用过Caffe,因为当时网络上能搜索到的深度学习框架很有限(也有可能是我没搜到

  • keras读取预训练模型统一接口2021-08-25 17:03:53

    import numpy as np from tensorflow.keras.layers import Flatten, Dense from keras.models import Model import tensorflow.keras.applications as KerasModel supported_model = np.array([ ['xception', 'Xception'],

  • DDPG玩Pendulum-v02021-08-24 21:00:48

    参考莫烦和Keras深度强化学习–DPG与DDPG实现,代码 actor有两个网络, ae接受当前状态s,计算当前行为a,并执行a, at接受下个状态s_,计算下个行为a_,传给ct, 通过最大化q(最小化-q)更新ae。 critic有两个网络, ce接受当前状态s和当前行为a,计算当前价值q, ct接受下个状态s_和下个行为a_,计

  • Keras训练卡在第一个epoch的解决方案2021-08-24 16:03:15

    原文链接:https://stackoverflow.com/questions/59027150/keras-training-freezes-during-fit-generator 一般来说,我们可以使用Keras包中的fit函数进行模型的训练,其参数如下: Model.fit( x=None, y=None, batch_size=None, epochs=1, verbose="auto", callb

  • Keras.metrics中的accuracy总结2021-08-20 23:02:13

    转载自:https://zhuanlan.zhihu.com/p/95293440   1. 背景 Accuracy(准确率)是机器学习中最简单的一种评价模型好坏的指标,每一个从事机器学习工作的人一定都使用过这个指标。没从事过机器学习的人大都也知道这个指标,比如你去向别人推销一款自己做出来的字符识别软件,人家一定会问你准

  • Conver a Keras model to tensorflow lite model2021-08-17 10:04:24

    This is a copy from offical web site https://tensorflow.google.cn/lit/convert he following example shows how to convert a Keras model into a TensorFlow Lite model. import tensorflow as tf# Create a model using high-level tf.keras.* APIsmodel = tf.keras.mo

  • 「持续更新中」最近浏览的网站心得总结2021-08-15 20:04:15

    把看过好几次的博文列举一下,记录自己的阅读心得 首先是一些官方文档 https://tensorflow.google.cn/tutorials/structured_data/time_series   《动手学深度学习》(TF2.0版)这个真香 简单粗暴 TensorFlow 2这个单元化清晰     TensorFlow2.0教程-Keras 快速入门   下面是文章

  • 机器学习-线性回归 tensorflow2.0 tf.keras概述2021-08-11 09:35:07

    例如单变量线性回归模型 利用jupyter 导入数据绘制散点图      

  • 机器学习笔记(二十二)——Tensorflow 2 (ImageDataGenerator)2021-08-10 18:31:26

    本博客仅用于个人学习,不用于传播教学,主要是记自己能够看得懂的笔记( 学习知识来自:【吴恩达团队Tensorflow2.0实践系列课程第一课】TensorFlow2.0中基于TensorFlow2.0的人工智能、机器学习和深度学习简介及基础编程_哔哩哔哩_bilibili 我已经改了一天的ImageDataGenerator课程的bug

  • 机器学习笔记(二十一)——Tensorflow 2(卷积与池化)2021-08-09 14:32:26

    本博客仅用于个人学习,不用于传播教学,主要是记自己能够看得懂的笔记( 学习知识来自:【吴恩达团队Tensorflow2.0实践系列课程第一课】TensorFlow2.0中基于TensorFlow2.0的人工智能、机器学习和深度学习简介及基础编程_哔哩哔哩_bilibili 果然还是大佬讲课好一点,有趣一点。 首先讲讲卷

  • Keras:回调函数Callbacks应用2021-08-07 11:00:01

    前言:对于回调函数我通过自己的理解和一些官方解释结合给大家阐述一下。 既然名字叫回调函数,“回调”顾名思义,就是通过callbacks可以返回到其所涉及到的函数,去执行。我们看一下代码: from keras.callbacks import TensorBoard, ModelCheckpoint, ReduceLROnPlateau, EarlyStopping

  • 机器学习笔记(十九)——Tensorflow 2 初见2021-08-05 17:31:26

    本博客仅用于个人学习,不用于传播教学,主要是记自己能够看得懂的笔记( 学习知识来自:tensorflow2.0入门与实战 2019年最通俗易懂的课程_哔哩哔哩_bilibili 数据见:机器学习笔记(十三)——非线性逻辑回归(梯度下降法) - Lcy的瞎bb - 博客园 (cnblogs.com) Tensorflow 2 的官方教程实在令人难

  • 【531】TensorBoard 简介: TensorFlow 的可视化框架2021-08-05 17:04:13

      import keras from keras import layers from keras.datasets import imdb from keras.preprocessing import sequence max_features = 2000 max_len = 500 (x_train, y_train), (x_test, y_test) = imdb.load_data(num_words=max_features) x_train = sequence.pad

  • 【530】keras 实现多输出模型2021-08-05 16:05:29

    【511】Keras 函数式 API

  • 绘制模型图2021-08-05 10:00:06

    #模型绘制为图形不带节点 keras.utils#模型绘制为图形不带节点 keras.utils.plot_model(autoencoder, "my_first_model.png") #在绘制的图形中显示每一层的输入和输出形状: keras.utils.plot_model(autoencoder, "my_first_model_with_shape_info.png", show_shapes=True).plot_mo

  • keras中使用concatenate报错2021-08-04 09:01:38

    Layer concatenate_1 was called with an input that isn't a symbolic tensor. Received type: <class 'tuple'>. Full input: 原代码 x = concatenate((input_1, input_2), axis=1) 修改代码 x = concatenate([input_1, input_2], axis=1)

  • 2021刷新COCO和Cityscapes | Polarized Self-Attention:极化自注意力机制(keras实现)2021-08-03 20:59:26

      Polarized Self-Attention: Towards High-quality Pixel-wise Regression  paper:https://arxiv.org/pdf/2107.00782.pdf code:https://github.com/DeLightCMU/PSA 摘要 像素级回归是细粒度计算机视觉任务中最常见的问题,如估计关键点热图和分割掩模。这些回归问题非常具

  • ubuntu18.04上部署深度学习环境(包含opencv、驱动、cuda、cudnn、tensorflow、keras)2021-08-01 17:02:56

    ubuntu18.04上部署深度学习环境 安装opencv为显卡安装驱动安装并行运算工具CUDA安装cudnn安装gpu版本的tensorflow安装keras 对于新手来说,在ubuntu上部署深度学习开发环境是有一定难度的,特别是容易出现一些莫名其妙的错误,经常会出现安装完不行又卸载,卸载完又重新安装的痛

  • tesorflow操作2021-08-01 01:00:54

    1、显示模型结构(model architecture) generator = Generator() tf.keras.utils.plot_model(generator, show_shapes = True, dpi=64) 2、  

  • 神经网络搭建tensorflow 012021-07-31 16:00:06

    神经网络搭建tensorflow 01 文章参考了《TensorFlow 入门实操课程 》是基于 TensorFlow 技术推广工程师 Laurence Moroney 制作的新手入门课程内容,由复旦大学,上海师范大学,湖南师范大学等高校老师们以及 Google 认证开发专家ML GDE联合设计制作的中文课程。上图所示为神经网络

  • Building deep retrieval models2021-07-30 23:33:44

    In the featurization tutorial we incorporated multiple features into our models, but the models consist of only an embedding layer. We can add more dense layers to our models to increase their expressive power. In general, deeper models are capable of lea

  • Using side features: feature preprocessing2021-07-30 14:31:18

    One of the great advantages of using a deep learning framework to build recommender models is the freedom to build rich, flexible feature representations. These need to be appropriately transformed in order to be useful in building models: User and item

  • TensorFlow 2 quickstart for beginners2021-07-27 17:04:54

    This short introduction uses Keras to: Build a neural network that classifies images. Train this neural network. And, finally, evaluate the accuracy of the model. import tensorflow as tf Load and prepare the MNIST dataset. Convert the samples from

  • Keras使用Leaky_Relu等高级激活函数2021-07-26 19:32:33

    在Keras中,Leaky_Relu等高级激活函数需要通过额外增加层来使用,而不能像RELU之类的激活函数可以作为参数初始化全连接层。 具体用法如下: from keras.layers import LeakyRelu input = Input(shape=(10,), name=‘state_input’) x = Dense(128, kernel_initializer=‘uniform’

专注分享技术,共同学习,共同进步。侵权联系[81616952@qq.com]

Copyright (C)ICode9.com, All Rights Reserved.

ICode9版权所有