ICode9

精准搜索请尝试: 精确搜索
  • 【神经网络学习笔记】卷积神经网络之用Tensorflow2.x keras实现吴恩达深度学习第四课第一周作业2020-11-26 19:30:02

    Tensorflow2.x keras实现吴恩达第四课第一周作业 目录 Tensorflow2.x keras实现吴恩达第四课第一周作业一、前期准备1.1 导入包1.2 加载并预处理数据 二、搭建模型三、预测四、总结 本文参考和宽大佬的文章,但他用的是Tensorflow1的版本,对于现在来说感觉有点过时,网上我也

  • 写给程序员的机器学习入门 (九补充) - 使用 GPU 计算公式2020-11-06 13:03:27

    在之前的文章中我训练模型都是使用的 CPU,因为家中黄脸婆不允许我浪费钱买电脑

  • 使用tensorflow和Keras的初级教程2020-10-14 23:00:43

    作者|Angel Das 编译|VK 来源|Towards Datas Science 介绍 人工神经网络(ANNs)是机器学习技术的高级版本,是深度学习的核心。人工神经网络涉及以下概念。输入输出层、隐藏层、隐藏层下的神经元、正向传播和反向传播。 简单地说,输入层是一组自变量,输出层代表最终的输出(因变量),隐藏

  • 百度基于Paddle深度学习基础第二周实践作业完成过程2020-08-23 07:00:47

    百度基于Paddle深度学习基础第二周实践作业完成过程 1. 作业要求 本代码旨在于使用ResNet进行眼睑筛查,代码已经完成,可以直接运行。 题目要求: 通过查阅API,使用衰减学习率,通过多次调参数,找到一个最佳的衰减步长,使得loss比原代码中下降的更快 请自行绘制修改学习率前后的loss衰减图

  • Python_DL_Keras&Tensorflow2020-07-08 23:04:44

      Karea: https://keras.io/ 莫烦keras:https://www.bilibili.com/video/BV1TW411Y7HU?from=search&seid=333955059060890767 Keras&Tensorflow: https://space.bilibili.com/6001266/video?tid=36&keyword=&order=pubdate 吴恩达:https://space.bilibili.com/4688

  • Tensorflow2.0 Inceptionv3实现图片分类2020-06-17 17:04:11

    1.InceptionV3网络结构 论文:《Rethinking the Inception Architecture for Computer Vision》 论文链接:https://arxiv.org/abs/1512.00567 在2015年,谷歌发布了Inception V3版本,Inception V3 的创新点是将大的卷积分解成小卷积,即 5x5 卷积可以用两个 3x3 卷积代替(Inception

  • 【转载】InsightFace算法学习2020-06-15 20:03:02

    转自:https://blog.csdn.net/linghu8812/article/details/103403231   开源仓库 InsightFace: https://github.com/deepinsight/insightface作者演讲:https://www.bilibili.com/video/av54356295?t=785测试demo:https://www.bilibili.com/video/av79544654 识别算法配置 1. 安装mxne

  • 终于有人讲清楚准确率(accuracy)、召唤率(recall)和精确率(precision)的关系了2020-06-08 17:06:42

    一、概述 召回率、准确率、精确率、F值的作用 在机器学习、数据挖掘、推荐系统完成建模之后,需要对模型的效果做评价。 二、定义 首先给出一个大家经常见到的图: 详细定义 准确率(accuracy)=(TP+TN)/(TP+FN+FP+TN) 通俗解释: 在所有样本中,预测正确的概率 精确率(precision)=TP/(

  • 2019-CVPR-Partial Order Pruning for Best Speed Accuracy Trade-off in Neural Architecture Search2020-06-08 16:54:34

    Partial Order Pruning 2019-CVPR-Partial Order Pruning for Best Speed Accuracy Trade-off in Neural Architecture Search Xin Li (UISEE Tech), Jiashi Feng (NUS, H-index 54) GitHub:100+ stars https://github.com/lixincn2015/Partial-Order-Pruning https://github

  • CV第九课 不同网络的对比2020-05-28 18:54:44

    1.ResNet+Inception 有着最高的Accuracy 2.VGG最占内存,最多的操作数 3. GoogleNet最efficient , 这里的效率怎么计算的? 4.AlexNet 最少的操作数,但内存大,accuracy低 5. Resnet 效率适中,accuracy最高   注:图中圆的面积代表所占内存大小,横坐标代表操作数,纵坐标代表accuracy    

  • tensorflow mnist2020-05-27 22:52:26

      https://files.cn #!/usr/bin/env python# -*- coding: utf-8 -*-"""Created on Thu Apr 16 22:01:22 2020 @author: Administrator  win7 64 tensorflow 2.1 python 3.6""" import tensorflow.compat.v1 as tftf.disable_v2_behavior()from

  • python进阶教程:PyTorch上实现卷积神经网络CNN的方法2020-04-23 12:42:41

    @本文来源于公众号:csdn2299,喜欢可以关注公众号 程序员学府 本篇文章主要介绍了PyTorch上实现卷积神经网络CNN的方法,小编觉得挺不错的,现在分享给大家,也给大家做个参考。一起跟随小编过来看看吧 一、卷积神经网络 卷积神经网络(ConvolutionalNeuralNetwork,CNN)最初是为解决图像

  • 【tensorflow2.0】处理图片数据-cifar2分类2020-04-06 20:05:00

    1、准备数据 cifar2数据集为cifar10数据集的子集,只包括前两种类别airplane和automobile。 训练集有airplane和automobile图片各5000张,测试集有airplane和automobile图片各1000张。 cifar2任务的目标是训练一个模型来对飞机airplane和机动车automobile两种图片进行分类。 我们准备

  • TensorFlow中loss与val_loss、accuracy和val_accuracy分别是什么含义2020-03-29 11:52:03

      loss:训练集损失值 accuracy:训练集准确率 val_loss:测试集损失值 val_accruacy:测试集准确率   以下5种情况可供参考: train loss 不断下降,test loss不断下降,说明网络仍在学习;(最好的) train loss 不断下降,test loss趋于不变,说明网络过拟合;(max pool或者正则化) train loss 趋于

  • 【论文推荐】滤波嫁接 + 语义分割动态路由 + 基于对抗训练的自监督2020-03-28 13:56:45

    DNN的滤波嫁接:Filter Grafting for Deep Neural Networks, CVPR 2020 问题: DNNs have unimportant filters. These filters limit the potential of DNNs since they are identified as having little effect on the network. While filter pruning removes these invalid filters

  • 手把手入门:tensorflow案例实战MNIST(内附源代码和数据集)2020-03-16 18:03:13

    tensorflow一个简单的例子 tensorflow一个简单的例子:定义变量w和x,计算wx的值。跟numpy定义变量一样很相似,不同点在于:使用tf的时候,需要进行全局变量初始化操作。tf的所有操作都是在session中进行的,可以理解为tf首先定义了一个画板,然后所有的操作类似于在画板中画画一样。 imp

  • 机器学习--如何理解Accuracy, Precision, Recall, F1 score2020-02-27 20:08:35

    当我们在谈论一个模型好坏的时候,我们常常会听到准确率(Accuracy)这个词,我们也会听到"如何才能使模型的Accurcy更高".那么是不是准确率最高的模型就一定是最好的模型? 这篇博文会向大家解释准确率并不是衡量模型好坏的唯一指标,同时我也会对其他衡量指标做出一些简单说明。    首先我

  • 卷积神经网络应用于tensorflow手写数字识别(第三版)2020-02-20 20:55:57

    import tensorflow as tf from tensorflow.examples.tutorials.mnist import input_data mnist = input_data.read_data_sets("F:\TensorflowProject\MNIST_data",one_hot=True) #每个批次大小 batch_size = 100 #计算一共有多少个批次 n_batch = mnist.train.num_examples //b

  • 深入MNIST2020-02-20 11:42:24

    http://www.tensorfly.cn/tfdoc/tutorials/mnist_pros.html import input_data import tensorflow as tf def weight_variable(shape): initial = tf.truncated_normal(shape, stddev=0.1) return tf.Variable(initial) def bias_variable(shape): initial

  • 机器学习pipeline总结2019-11-29 18:02:28

    # -*- coding: utf-8 -*- """scikit-learn introduction Automatically generated by Colaboratory. Original file is located at https://colab.research.google.com/drive/1quaJafg43SN7S6cNwKFr0_WYn2ELt4Ph scikit-learn官方网站:https://scikit-learn

  • 3.tensorflow——NN2019-11-15 19:04:22

    import tensorflow as tffrom tensorflow.examples.tutorials.mnist import input_datanumClasses=10inputsize=784numHiddenUnits=50trainningIterations=50000#total stepsbatchSize=64##1.datasetmnist=input_data.read_data_sets('data/',one_hot=True)########

  • 【机器学习实战】验证集效果比测试集好怎么办?2019-10-18 20:04:30

    模型在验证集(开发集)上的效果比在测试集上好,或者说,测试集上的效果不如验证集,这个时候该怎么办? 这可以理解为模型对验证集过拟合了。模型在验证集上的效果并不能代表模型的实际泛化能力。 这个时候,可以做的: 1)检查验证集和测试集是不是同一分布,验证集应该更像测试集而不是训练集。 2)

  • 12019-10-04 14:00:11

    C:\Users\Administrator\AppData\Local\Programs\Python\Python36\python.exe "C:\Program Files\JetBrains\PyCharm 2019.1.2\helpers\pydev\pydevconsole.py" --mode=client --port=53108import sys; print('Python %s on %s' % (sys.ver

  • TensorFlow2教程19:LSTM和GRU2019-09-06 16:53:42

      1.导入数据   num_words = 30000   maxlen = 200   (x_train, y_train), (x_test, y_test) = keras.datasets.imdb.load_data(num_words=num_words)   print(x_train.shape, ' ', y_train.shape)   print(x_test.shape, ' ', y_test.shape)   x_train = ker

  • 分类中mAP,AP,Precision精确率,Recall召回率,Accuracy准确率2019-08-27 10:02:19

    原文链接:https://blog.csdn.net/qq_38469553/article/details/85140183 Reference:深度学习中的mAP,AP,Precision精确率,Recall召回率,Accuracy准确率

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

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

ICode9版权所有