ICode9

精准搜索请尝试: 精确搜索
  • 使用阈值调优改进分类模型性能2022-09-16 11:30:41

    阈值调优是数据科学中一个重要且必要的步骤。它与应用程序领域密切相关,并且需要一些领域内的知识作为参考。在本文中将演示如何通过阈值调优来提高模型的性能。 用于分类的常用指标 一般情况下我们都会使用准确率accuracy来评价分类的性能,但是有很多情况下accuracy 不足以报告分

  • Deep & Cross Network for Ad Click Predictions阅读笔记2022-07-03 23:31:25

    动机 本文是2017年的论文,提出了经典的深度学习推荐模型Deep&Cross。本文是为了解决当时需要手动构建特征交叉和DNN不能学习到所有交叉特征的问题,作者提出的Deep & Cross Network(DCN)无需手动交叉特征,同时除了DNN参数外,只引入了少量额外的参数,模型性能和所占内存都优于当时最先进

  • TensorFlow学习报告2022-04-25 18:31:42

    Tensorflow简介 TensorFlow是采用数据流图(data flow graphs)来计算, 所以首先我们得创建一个数据流流图,然后再将我们的数据(数据以张量(tensor)的形式存在)放在数据流图中计算. 节点(Nodes)在图中表示数学操作,图中的边(edges)则表示在节点间相互联系的多维数据数组, 即张量(tensor).训

  • Tensorflow学习报告2022-04-25 18:00:06

    import tensorflow as tf print(tf.__version__) a = tf.constant(2.0) print(a)     #声明一个标量常量 t_1 = tf.constant(2) t_2 = tf.constant(2) #常量相加 t_add = tf.add(t_1,t_2) #一个形如一行三列的常量向量可以用如下代码声明 t_3 = tf.constant([4,3,2]) #定义

  • tensorflow学习报告2022-04-25 16:34:52

    Tensor(张量)意味着N维数组,Flow(流)意味着基于数据流图的计算.   数据流图中的图就是我们所说的有向图,我们知道,在图这种数据结构中包含两种基本元素:节点和边.这两种元素在数据流图中有自己各自的作用.   节点用来表示要进行的数学操作,另外,任何一种操作都有输入和输出,因此它

  • Tensorflow学习报告2022-04-25 00:34:48

    # -*- coding: utf-8 -*- """ Created on Mon Apr 11 23:34:27 2022 @author: Binnie """ import tensorflow as tf from tensorflow import keras # Helper libraries import numpy as np import matplotlib.pyplot as plt print(tf.__ver

  • TensorFlow 学习报告2022-04-25 00:01:50

    TensorFlow学习报告 1.从张量开始 1.1实际数据转为浮点数   由于浮点数是网络处理信息的方式,因此我们需要一种方法,将我们希望处理的真实世界的数据编码为网络可理解的数据,然后将输出解码为我们可以理解和使用的数据。   深度神经网络通常在不同阶段学习将数据从一种形式转换为

  • 学习报告2022-04-25 00:00:55

    import tensorflow as tf from tensorflow import keras # Helper libraries import numpy as np import matplotlib.pyplot as plt print(tf.__version__) fashion_mnist = keras.datasets.fashion_mnist (train_images, train_labels), (test_images, test_labels) = fas

  • tensorflow学习笔记2022-04-24 23:04:21

    BP-神经网络在fashion分类上的应用   # -*- coding: utf-8 -*-"""Created on Mon Apr 11 19:07:37 2022 @author: ying""" # TensorFlow and tf.kerasimport tensorflow as tffrom tensorflow import keras # Helper librariesimport numpy as npimport ma

  • TensorFlow读书笔记2022-04-24 23:02:20

    TensorFlow读书笔记: TensorFlow 程序通常被组织成一个构建阶段和一个执行阶段。 在构建阶段, op 的执行步骤 被描述成一个图。在执行阶段, 使用会话执行执行图中的 op。  TensorFlow的名字中已经说明了它最为重要的两个特点:Tensor和Flow。其中Tensor意思是张量,可以被简单的理解

  • 循环神经网络(二)——LSTM2022-03-21 23:35:44

    1. 为什么需要LSTM 普通RNN的信息不能长久传播(存在于理论上)。 ,输入x会稀释掉状态s,故其信息不能长久的传播。 2. LSTM中引入了什么 2.1 选择性机制 选择性输入选择性遗忘选择性输出 2.2 实现选择性机制的方法 2.2.1 门——> sigmoid 函数 2.2.2 门限机制 向量A——>sigmoid

  • python——线性回归实例实战2022-02-22 16:03:42

    二维线性回归: import numpy as np import pandas as pd import matplotlib.pyplot as plt from linear_regression import LinearRegression data = pd.read_csv('../data/world-happiness-report-2017.csv') # 得到训练和测试数据 train_data = data.sample(frac = 0.8) te

  • 【UCSC Genome Browser】Genes and Gene Predictions - GENCODE2021-10-05 19:59:27

    【UCSC Genome Browser 大乱炖】Genes and Gene Predictions - GENCODE GENCODE 是Sanger研究院维护的基因组功能注释数据库(https://www.gencodegenes.org),UCSC浏览器整合了这一数据库,方便研究人员对基因信息进行研究。 GENECODE 配置信息 点击GENCODE v32可以对显示参数进行

  • Deploy a trained model2021-07-27 13:03:29

    本次教程的目的是带领大家学会用 Tensorflow serving 部署训练好的模型 这里我们用到的数据集是 Fashion MNIST,所以训练出来的模型可以实现以下几个类别的分类 'T-shirt/top', 'Trouser', 'Pullover', 'Dress', 'Coat',               'Sandal', 'Shirt', 

  • (八)sklearn中计算准确率、召回率、精确度、F1值2021-06-15 10:05:19

    介绍 准确率、召回率、精确度和F1分数是用来评估模型性能的指标。尽管这些术语听起来很复杂,但它们的基本概念非常简单。它们基于简单的公式,很容易计算。 这篇文章将解释以下每个术语: 为什么用它 公式 不用sklearn来计算 使用sklearn进行计算 在本教程结束时,我们将复习混淆矩阵以

  • kaggle官网course Machine—Learning课程Exercise全部答案2021-06-05 16:52:49

    # Code you have previously used to load data import pandas as pd from sklearn.metrics import mean_absolute_error from sklearn.model_selection import train_test_split from sklearn.tree import DecisionTreeRegressor # Path of the file to read iowa_file_pat

  • tesorflow基本图像分类2021-04-17 14:56:45

    #!/usr/bin/env python# coding: utf-8# In[1]:import numpy as npimport tensorflow as tfimport matplotlib.pyplot as pltfrom tensorflow import keras as keras# In[2]:fashion_mnist=keras.datasets.fashion_mnist(train_images, train_labels),(test_im

  • 机器学习(1)——从TItanic开始2021-01-29 16:02:07

    机器学习(1)——从TItanic开始 Kaggle-TitanicStep1-环境配置Step2-数据概览Step3-数据统计与预处理3.1 数据统计代码与结果分析3.2 数据处理 Step4-线性回归分析Step5-Logistic回归分析Step6-随机森林预测Step7-生成新数据&数据关联性判断7.1 头衔('Title')的影响7.2 名字长

  • MachineLearning.Predictions on Irish Flowers2020-11-25 12:28:45

    文章目录 1.Preparing a Machine Learning Environment in Python2.Load Data2.1 Import Libraries and Load Data 3.Summerize the Dataset3.1 Dimensions of Dataset3.2 Peek at the Data3.3 Statistical Summary3.4 Class Distribution 4 Data Visualization4.1 Univari

  • [Machine Learning] Octave Control Statements, for while if2020-08-19 03:00:49

    For: v = zeros(10, 1); for i=1:10, v(i) = 2^i; end; # the same as indices=1:10 for i=indices, disp(i) end;   while & if & break: i=1; while i <=5, v(i) = 100; i = i + 1; if i ==6, break; end; end;     i

  • 第二周:如何评价模型的好坏2020-03-05 20:39:58

    目录 1. 学习目标 2. 数据拆分 2.1 数据拆分介绍 2.2 手动实现数据拆分函数 2.3 调用sklearn中的数据拆分函数train_test_split() 3. 评价分类结果的指标 3.1 准确率(accuracy) 3.1.1定义 3.1.2 编程实现准确率的计算(以KNN对鸢尾花数据的分类为例) 3.2 混淆矩阵及其衍生指标 3.2

  • TensorFlow keras vgg16net的使用2020-02-03 21:02:10

    from tensorflow.python.keras.applications.vgg16 import VGG16,preprocess_input,decode_predictions from tensorflow.python.keras.preprocessing.image import load_img,img_to_array def predict(): model = VGG16() print(model.summary()) #预测一张图片的

  • 吴裕雄--天生自然 pythonTensorFlow图形数据处理:循环神经网络预测正弦函数2019-12-19 14:52:02

    import numpy as npimport tensorflow as tfimport matplotlib.pyplot as plt# 定义RNN的参数。HIDDEN_SIZE = 30 # LSTM中隐藏节点的个数。NUM_LAYERS = 2 # LSTM的层数。TIMESTEPS = 10

  • 泰坦尼克获救预测2019-10-19 21:03:48

    数据中标签的含义: PassengerId => 乘客ID Pclass => 乘客等级(1/2/3等舱位) Name => 乘客姓名 Sex => 性别 Age => 年龄 SibSp => 堂兄弟/妹个数 Parch => 父母与小孩个数 Ticket => 船票信息 Fare => 票价 Cabin => 客舱 Embarked => 登船港口     将数据进行描述读取 impor

  • TensorFlow学习——FashionMnist数据集分类训练2019-09-15 17:35:22

    按照tensorflow官网写的代码,在导入数据集部分,由于数据集无法自动导入,使用了自定义的导入模块 # -*- coding: utf-8 -*- """ Created on Wed Sep 11 12:26:02 2019 @author: Lenovo """ #将新版本特性引入当前版本中 from __future__ import absolute_import, division, p

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

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

ICode9版权所有