tensorflow

TensorFlow05.3 神经网络反向传播算法-多层感知机梯度(理论知识)

首先这个是链式法则: ![image](https://img2023.cnblogs.com/blog/1914163/202306/1914163-20230618150258630-379278443.png) ![image](https://img2023.cnblogs.com/blog ......
神经网络 梯度 多层 算法 TensorFlow

TensorFlow05.3 神经网络反向传播算法-链式法则

![image](https://img2023.cnblogs.com/blog/1914163/202306/1914163-20230618143224466-131314557.png) # 1 Basic Rule ![image](https://img2023.cnblogs.com/ ......
神经网络 算法 TensorFlow 法则 神经

TensorFlow05.2 神经网络反向传播算法-单输出感知机和多输出感知机及其梯度

# 1 单输出感知机 ![image](https://img2023.cnblogs.com/blog/1914163/202306/1914163-20230618131306306-350372722.png) ![image](https://img2023.cnblogs.com/blog ......
神经网络 梯度 算法 TensorFlow 神经

TensorFlow05.1 神经网络反向传播算法-梯度下降

# 1 梯度下降简介 ## 1.1 什么是梯度下降 ![image](https://img2023.cnblogs.com/blog/1914163/202306/1914163-20230617213114099-1826567435.png) 梯度是一个向量 ![image](https:// ......
神经网络 梯度 算法 TensorFlow 神经

TensorFlow05-3 神经网络损失函数(误差计算)

▪ MSE ▪ Cross Entropy Loss(针对分类问题) ▪ Hinge Loss ![image](https://img2023.cnblogs.com/blog/1914163/202306/1914163-20230617164108526-1325568515.png) # 1 ......
神经网络 误差 TensorFlow 函数 神经

TensorFlow05.2-神经网络输出方式

这里的输出方式有这几种: ![image](https://img2023.cnblogs.com/blog/1914163/202306/1914163-20230617151543706-2043333171.png) # 1 𝑦∈𝑅^d ▪ linear regression(线性回归) ......
神经网络 TensorFlow 神经 方式 网络

TensorFlow05-全连接层

▪ Matmul ▪ Neural Network ▪ Deep Learning ▪ Multi-Layer # 1.Matmul - out=f(x@w+b) - out=relu(x@w+b) ![image](https://img2023.cnblogs.com/blog/1914163/ ......
全连 TensorFlow 05

TensorFlow04-数据集加载

# 1 数据集加载 1.karas.datasets(数据加载) 2.tf.data.Dataset.from_tensor_slices(加载成tensor) - shuffle - map - batch - repeat # 2 tf.keras.datasets() ![image](htt ......
TensorFlow 数据 04

TensorFlow02.2手写数字识别的实现

# step 0 数据的导入和加载 ``` (x, y), (x_val, y_val) = datasets.mnist.load_data() x = tf.convert_to_tensor(x, dtype=tf.float32) / 255. y = tf.convert_to_tenso ......
TensorFlow 数字 02.2 02

TensorFlow02-手写数字的识别

# 1 数据集 ![image](https://img2023.cnblogs.com/blog/1914163/202306/1914163-20230614214043097-1402159402.png) 使用灰度图片处理,每一张图片大小都标准化为一个28行,28列,每一个像素点的灰度值是0 ......
TensorFlow 数字 02

Tensorflow01-回归问题

# 1 线性回归 就是给你一堆数据`[[x0,y0],[x1,y1],[x2,y2] [xn,yn]]`然后得出一个y=wx+b来,这里我们引入损失函数loss=$\sum$(w*xi+b-yi)^2,然后我们就是最小化这个loss从而使得w'*x+b'->y ![image](https://im ......
Tensorflow 问题 01

pycharm编辑中遇到的tensorflow和cuda版本不匹配的问题

起因是报错 W tensorflow/stream_executor/platform/default/dso_loader.cc:64] Could not load dynamic library 'cudart64_110.dll'; dlerror: cudart64_110.dll not ......
tensorflow pycharm 版本 问题 cuda

tensorflow实现花分类

1. 花数据集 数据集来自kaggle官网下载。分为五类花,每类花有1000张图片。下载方式可以参考我的https://www.cnblogs.com/wancy/p/17446715.html 2. 图片大小分布图 训练模型之前,我们会需要先分析数据集,由于此类数据集每类花的图片数量一样,是均衡的 ......
tensorflow

基于Tensorflow的Faster-Rcnn的断点续训

一、前言 最近在学习目标检测,到github上找了一个开源的Faster-RCNN项目(Tensorflow),项目地址是:https://github.com/dBeker/Faster-RCNN-TensorFlow-Python3 根据网上的各种教程,模型训练还算顺利,不过这个项目缺少断点续训 ......
断点 Faster-Rcnn Tensorflow Faster Rcnn

人工智能创新挑战赛:海洋气象预测Baseline[4]完整版(TensorFlow、torch版本)含数据转化、模型构建、MLP、TCNN+RNN、LSTM模型训练以及预测

人工智能创新挑战赛:海洋气象预测Baseline[4]完整版(TensorFlow、torch版本)含数据转化、模型构建、MLP、TCNN+RNN、LSTM模型训练以及预测 ......

如何使用深度学习和TensorFlow实现计算机视觉

越来越多的地方正在使用计算机视觉。从增强安全系统到改进医疗保健诊断,计算机视觉技术正在彻底改变多个行业。 ## 课程先睹为快 本课程经过精心设计,涵盖了广泛的主题,从张量和变量的基础知识到高级深度学习模型的实现,以应对人类情感检测和图像生成等复杂任务。 在介绍了先决条件并讨论了学习者可以从课程中得到 ......
TensorFlow 深度 视觉 计算机

Python中TensorFlow的长短期记忆神经网络(LSTM)、指数移动平均法预测股票市场和可视化|附代码数据

原文链接:http://tecdat.cn/?p=23689 最近我们被客户要求撰写关于LSTM的研究报告,包括一些图形和统计输出。 本文探索Python中的长短期记忆(LSTM)网络,以及如何使用它们来进行股市预测 ( 点击文末“阅读原文”获取完整代码数据******** )。 在本文中,你将看到 ......

cuda+cudann+tensorflow安装日记

1、确定自己电脑有GPU:设置 系统 系统信息 设备管理器 显示适配器,例如:我有,型号是"NVIDIA GeForce RTX3060 Laptop GPU" 2、(超级重要)确定自己CUDA、CUDANN、tensorflow的安装版本:先确定自己电脑最高能装的最高CUDA版本,然后上官网找其他 ......
tensorflow 日记 cudann cuda

tensorflow Installation

## 问题1 ```shell >>> import tensorflow as tf 2023-05-31 10:50:34.908411: I tensorflow/core/platform/cpu_feature_guard.cc:193] This TensorFlow binary is ......
Installation tensorflow

Could not find the DLL(s) 'msvcp140_1.dll'. TensorFlow requires that these DLLs be installed

python -c "from transformers import pipeline; print(pipeline('sentiment-analysis')('we love you'))"Microsoft Visual C++ Redistributable is not install ......
TensorFlow installed requires Could msvcp

(三)linux同时安装pytorch和tensorflow1.14,忽略错误

一、命令 cat requirements.txt | xargs -n 1 pip install 环境 python3.7 二、requirements.txt absl-py==1.4.0 astor==0.8.1 autograd==1.5 backcall==0.2.0 Bottlenec ......
tensorflow1 tensorflow 同时 错误 pytorch

使用 TensorFlow 自动微分和神经网络功能估算线性回归的参数(Estimate parameters for linear regression using automatic differentiation or neural network functions of TensorFlow)

大多数的深度学习框架至少都会具备以下功能: (1)张量运算 (2)自动微分 (3)神经网络及各种神经层 TensorFlow 框架亦是如此。在《深度学习全书 公式+推导+代码+TensorFlow全程案例》—— 洪锦魁主编 清华大学出版社 ISBN 978-7-302-61030-4 这本书第3章 ......

【836】Cannot import tensorflow_text

Ref: Cannot import tensorflow_text Sometimes you need to reinstall and update tensorflow then install tensorflow_text. (Because you need your tensorfl ......

关于同时运行多个tensorflow模型时线程创建失败

## OpenMP: "libgomp: Thread creation failed: Resource temporarily unavailable" when code run as regular user 这几天在跑代码的时候,因为模型需要调参,方便起见打算同时运行25个程序。但是在使用 ......
线程 tensorflow 模型 多个 同时

ISL学习——tensorflow部分指令

tf.keras.layers.Sequential() #用来描述神经网络的结构,其中Sequential()里面的参数是用来描述从输入层到输出层的网络结构。 modnn = tf.keras.Sequential( [ tf.keras.layers.Dense(units = 10, #参数为 ......
指令 tensorflow 部分 ISL

Tensorflow环境搭建教程

前言 笔者在搭建tensorflow环境时遇到了很多问题,浪费了很多时间,为方便想学习机器学习的同学搭建tensorflow环境,笔者整理了一份教程供读者参考。 不能直接修改anaconda里的python版本了,另一种更简单的方法: Win10系统用anaconda新建一个tensorflow环境 ......
Tensorflow 环境 教程

如何使用Java操作TensorFlow

https://blog.csdn.net/weixin_28906733/article/details/100528526 简介 机器学习在全球范围内越来越受欢迎和使用。 它已经彻底改变了某些应用程序的构建方式,并且可能会继续成为我们日常生活中一个巨大的(并且正在增加的)部分。 没有什么包装且机 ......
TensorFlow Java

TensorFlow下利用MNIST训练模型识别手写数字

本文将参考TensorFlow中文社区官方文档使用mnist数据集训练一个多层卷积神经网络(LeNet5网络),并利用所训练的模型识别自己手写数字。 训练MNIST数据集,并保存训练模型 # Python3 # 使用LeNet5的七层卷积神经网络用于MNIST手写数字识别 import tensor ......
TensorFlow 模型 数字 MNIST

tensorflow 输出权重的值

1. 确定权重名称: tvars1 = tf.get_collection(tf.GraphKeys.TRAINABLE_VARIABLES) for tmp in tvars1: print('all-->',tmp.name) 2. 根据网络结构从1中找到想要打印的权重名称 weight_nam ......
权重 tensorflow

tensorflow 更新部分参数或参数分开更新

思路: 1.根据变量名称过滤要更新的权重: 2.如果参数分开更新,还需要设置多个优化器 代码示例: def Net_1(input): with tf.variable_scope('Net_1'): fmap_input = tf.layers.conv2d(input,32,32,(1,1),p ......
参数 tensorflow 部分