ICode9

精准搜索请尝试: 精确搜索
  • 2.3 Core Building Blocks 核心构建块2021-10-15 11:00:36

    Core Building Blocks 核心构建块 DDD mostly focuses on the Domain & Application Layers and ignores the Presentation and Infrastructure. They are seen as details and the business layers should not depend on them. DDD主要关注领域和应用层而忽略表现层和基础设施。

  • 2.2 DDD Layers & Clean Architecture DDD分层和简洁架构2021-10-15 10:35:43

    DDD Layers & Clean Architecture DDD分层和简洁架构 There are four fundamental layers of a Domain Driven Based Solution; 一个基于领域驱动的解决方案有四层,如下图所示:   Business Logic places into two layers, the Domain layer and the Application Layer, while they

  • 样式迁移---在网络搭建好之后,训练的是图片2021-10-05 12:34:25

    基于CNN的样式迁移 $$$$ pretrained_net = torchvision.models.vgg19(pretrained=True) style_layers, content_layers = [0, 5, 10, 19, 28], [25]# 样式(局部全局都有) 内容(取上层) net = nn.Sequential(*[pretrained_net.features[i] for i in rang

  • 深度学习之卷积神经网络(4)LeNet-5实战2021-10-02 11:01:07

    深度学习之卷积神经网络(4)LeNet-5实战 加载数据集创建网络训练阶段测试阶段完整代码  1990年代,Yann LeCun等人提出了用于手写数字和机器打印字符图片识别的神经网络,被命名为LetNet-5 [1]。LetNet-5的提出,使得卷积神经网络在当时能够成功被商用,广泛应用在邮政编码、支票号

  • 深度学习之基于Tensorflow2.0实现VGG16网络2021-10-01 19:02:17

    VGG系列的网络,在网络深度上相比于其之前的网络有了提升,VGG16与VGG19是VGG系列的代表,本次基于Tensorflow2.0实现VGG16网络。 1.VGG16 网络简介 VGG16网络模型在2014年ImageNet比赛上脱颖而出,取得了在分类任务上排名第二,在定位任务上排名第一的好成绩。VGG16网络相比于之前的Le

  • 吴恩达--神经网络-week1-hw42021-09-26 11:36:07

    # Ref: https://blog.csdn.net/u013733326/article/details/79767169 import numpy as np import testCases import h5py import matplotlib.pyplot as plt from dnn_utils import sigmoid, sigmoid_backward, relu, relu_backward import lr_utils import traceback np.ran

  • 波士顿线性回归2021-09-15 22:35:05

    import tensorflow as tf import numpy as np import pandas as pd import matplotlib.pyplot as plt import tensorflow.keras from tensorflow.keras import layers import os from sklearn import preprocessing #用于标准化 #开启gpu os.environ[‘CUDA_VISIBLE_DEVICES

  • 机器学习实战(基于scikit-learn和TensorFlow)-第十一章训练深度神经网络笔记(一)2021-09-15 14:59:45

    关注微信公共号:小程在线 关注CSDN博客:程志伟的博客 Python 3.7.6 (default, Jan  8 2020, 20:23:39) [MSC v.1916 64 bit (AMD64)] Type "copyright", "credits" or "license" for more information. IPython 7.12.0 -- An enhanced Interactive Python. from

  • ImportError: cannot import name ‘LayerNormalization‘ from ‘keras2021-09-12 23:31:34

    说明 版本升级,以前的改变了方式 解决方案 将 from keras.layers.BatchNormalization import BatchNormalization 改为 from keras.layers.normalization.batch_normalization_v1 import BatchNormalization

  • 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-12 13:34:47

    废话不多说,我们直接开整。首先需要导入需要的类库,相关内容我会在后续代码中进行详细介绍。 from keras.datasets import mnist from keras.utils import to_categorical from keras import models,layers,regularizers from keras.optimizers import RMSprop 数据集为MNIST 手写

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

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

  • tf.layers.dense2021-08-06 21:31:59

    https://stackoverflow.com/questions/45693020/is-tf-layers-dense-a-single-layer tf.layers.dense  is only one layer with a amount of nodes. You can check on TensorFlow web site about tf.layers.dense (tf.compat.v1.layers.dense) layer1 = tf.layers.dense(input

  • 机器学习笔记(十九)——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

  • 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

  • HDU 6979. Photoshop Layers2021-07-28 14:33:24

    HDU 6979. Photoshop Layers 题意: 颜色可以通过\((R,G,B)\)来表示,其中\(R,G,B\)是\([0,255]\)​上的整数,从而一个像素的颜色可以用一个\(6\)位十六进制数表示。例如:\((R=100,G=255,B=50)\)可以被表示成64FF32​。 现有\(n\)​​个图层,每一图层的所有像素颜色都相同,从底到顶依次编

  • softmax2021-07-27 21:00:15

    1. Softmax is a non-linear activation function generally used as the last layer of a classification model the defination and formula of softmax is:   from the following example, we can see this network use softmax layer as the last layer to output 10 prob

  • 1007.Photoshop Layers (十六进制 / 前缀和)(2021“MINIEYE杯”中国大学生算法设计超级联赛3)2021-07-27 18:33:16

    传送门  题意: 有n层具有颜色的涂层,其每层的颜色由Ri, Ci,Bi三个指标对应6个长度的16进制数表示的。现问你 [li, ri]区间涂层的颜色重叠在一起是什么颜色。重叠规则如下:   *  若第i层的 wi==1,那么它只会显示自己的颜色(Ri,Gi,Bi)。   *  若第i层的 wi==2,那么它的颜色就是自

  • text classification with RNN2021-07-26 14:02:45

    本教程的目的是带领大家学会用 RNN 进行文本分类 本次用到的数据集是 IMDB,一共有 50000 条电影评论,其中 25000 条是训练集,另外 25000 条是测试集 首先我们需要加载数据集,可以通过 TFDS 很简单的把数据集下载过来,如下代码所示 dataset, info = tfds.load('imdb_reviews', with_info

  • GAN生成式对抗生成网络2021-07-23 13:02:53

    源代码: # -*- coding = utf-8 -*- # @Time : 2021/7/23 # @Author : pistachio # @File : p26.py # @Software : PyCharm # GAN generator network import keras from keras import layers import numpy as np import os from keras.preprocessing import image latent_dim =

  • 汽车燃料效率预测2021-07-22 17:00:43

    本教程的目的是要预测汽车的燃料效率,相比于之前的分类,这是一个回归问题,回归是针对连续变量的,分类是针对离散变量的 用的数据集是 Auto MPG ,包含有 MPG、Cylinders、Displacement、Horsepower、Weight、Acceleration、Model Year、Origin 这么 8 个特征,我们的目的是根据其它 7 个

  • tf2使用cnn模型训练保存自己的数据(分类)2021-07-19 09:04:42

    #!/usr/bin/env python # -*- coding: utf-8 -*- # @Time : 2021/7/19 8:22 # @Author : wutiande import numpy as np import matplotlib.image as mping import matplotlib.pyplot as plt import tensorflow as tf tf.compat.v1.set_random_seed(2021) from tensorflow.ker

  • 网络2021-07-16 21:00:37

    网络 1. ModuleList 和 Sequential2. 创建 LeNet 1. ModuleList 和 Sequential # 1.使用torch.nn.ModuleList定义网络。 class Net(torch.nn.Module): def __init__(self): super(Net, self).__init__() layers = [] layers.append(torch.n

  • ol3之加载arcgis wms图层2021-07-14 11:33:37

    ol3之加载arcgis wms图层 服务:   图层创建代码: var arcgiswmschina = new ol.layer.Image({ source: new ol.source.ImageWMS({ ratio: 1, url: 'http://localhost:18080/arcgis/services/hxgtsl/MapServer/WMSServer

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

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

ICode9版权所有