【深度学习】实验08 TensorBoard案例

文章目录

  • TensorBoard可视化
  • TensorBoard案例
  • 附:系列文章

TensorBoard可视化

import tensorflow as tf# 定义命名空间
with tf.name_scope('input'):# fetch:就是同时运行多个op的意思# 定义名称,会在tensorboard中代替显示input1 = tf.constant(3.0,name='A')input2 = tf.constant(4.0,name='B')input3 = tf.constant(5.0,name='C')
with tf.name_scope('op'):#加法add = tf.add(input2,input3)#乘法mul = tf.multiply(input1,add)
with tf.Session() as ss:#默认在当前py目录下的logs文件夹,没有会自己创建result = ss.run([mul,add])wirter = tf.summary.FileWriter('logs/demo/',ss.graph)print(result)
[27.0, 9.0]

这段代码主要演示了如何使用TensorFlow和TensorBoard创建和可视化计算图。

TensorFlow是一个基于数据流图进行数值计算的开源软件库,具有快速的计算速度和灵活的构建方式,被广泛应用于机器学习、深度学习等领域。而TensorBoard是TensorFlow提供的一个可视化工具,可以帮助开发者更好地理解、调试和优化TensorFlow中的计算图。

在这段代码中,首先通过tf.constant方法创建了三个常量input1input2input3,分别赋值为3.0、4.0和5.0,并给这些常量取了一个别名,分别为“A”、“B”和“C”,这样在后续的TensorBoard中我们就可以清晰地看到它们之间的关系。

接着,使用tf.addtf.multiply方法分别定义了加法和乘法操作,其中加法使用了input2input3,乘法使用了input1和加法的结果。在这里也定义了两个命名空间inputop,分别代表输入和操作的过程。

然后,使用with tf.Session() as ss:创建一个会话,用ss.run方法来运行计算图,并将结果保存在result中。

最后,使用tf.summary.FileWriter方法将计算图写入到logs/demo/目录下,以便在TensorBoard中查看。运行python 文件名.py后,在命令行中输入tensorboard --logdir=logs/demo启动TensorBoard服务,打开浏览器,输入http://localhost:6006/即可访问TensorBoard的可视化界面。

在TensorBoard界面中,可以查看到计算图的可视化结构、常量的取值、操作的过程等信息,帮助开发者更好地理解、调试和优化TensorFlow的计算图。

TensorBoard案例

#!/usr/bin/env python
# -*- coding: utf-8 -*-
from __future__ import absolute_import
from __future__ import division
from __future__ import print_functionimport argparse
import sys
import os
import tensorflow as tf
import warnings
warnings.filterwarnings("ignore")from tensorflow.examples.tutorials.mnist import input_data
max_steps = 200  # 最大迭代次数 默认1000
learning_rate = 0.001   # 学习率
dropout = 0.9   # dropout时随机保留神经元的比例data_dir = os.path.join('data', 'mnist')# 样本数据存储的路径
if not os.path.exists('log'):os.mkdir('log')
log_dir = 'log'   # 输出日志保存的路径
mnist = input_data.read_data_sets("MNIST_data",one_hot=True)
sess = tf.InteractiveSession()with tf.name_scope('input'):x = tf.placeholder(tf.float32, [None, 784], name='x-input')y_ = tf.placeholder(tf.float32, [None, 10], name='y-input')#使用tf.summary.image保存图像信息,在tensorboard上还原出输入的特征数据对应的图片
with tf.name_scope('input_reshape'):image_shaped_input = tf.reshape(x, [-1, 28, 28, 1])tf.summary.image('input', image_shaped_input, 10)def weight_variable(shape):"""Create a weight variable with appropriate initialization."""initial = tf.truncated_normal(shape, stddev=0.1)return tf.Variable(initial)def bias_variable(shape):"""Create a bias variable with appropriate initialization."""initial = tf.constant(0.1, shape=shape)return tf.Variable(initial)def variable_summaries(var):"""Attach a lot of summaries to a Tensor (for TensorBoard visualization)."""with tf.name_scope('summaries'):# 计算参数的均值,并使用tf.summary.scaler记录mean = tf.reduce_mean(var)tf.summary.scalar('mean', mean)# 计算参数的标准差with tf.name_scope('stddev'):stddev = tf.sqrt(tf.reduce_mean(tf.square(var - mean)))# 使用tf.summary.scaler记录记录下标准差,最大值,最小值tf.summary.scalar('stddev', stddev)tf.summary.scalar('max', tf.reduce_max(var))tf.summary.scalar('min', tf.reduce_min(var))# 用直方图记录参数的分布tf.summary.histogram('histogram', var)"""
构建神经网络层
创建第一层隐藏层
创建一个构建隐藏层的方法,输入的参数有:
input_tensor:特征数据
input_dim:输入数据的维度大小
output_dim:输出数据的维度大小(=隐层神经元个数)
layer_name:命名空间
act=tf.nn.relu:激活函数(默认是relu)
"""
def nn_layer(input_tensor, input_dim, output_dim, layer_name, act=tf.nn.relu):"""Reusable code for making a simple neural net layer.It does a matrix multiply, bias add, and then uses relu to nonlinearize.It also sets up name scoping so that the resultant graph is easy to read,and adds a number of summary ops."""# 设置命名空间with tf.name_scope(layer_name):# 调用之前的方法初始化权重w,并且调用参数信息的记录方法,记录w的信息with tf.name_scope('weights'):weights = weight_variable([input_dim, output_dim]) #神经元数量variable_summaries(weights)# 调用之前的方法初始化权重b,并且调用参数信息的记录方法,记录b的信息with tf.name_scope('biases'):biases = bias_variable([output_dim])variable_summaries(biases)# 执行wx+b的线性计算,并且用直方图记录下来with tf.name_scope('linear_compute'):preactivate = tf.matmul(input_tensor, weights) + biasestf.summary.histogram('linear', preactivate)# 将线性输出经过激励函数,并将输出也用直方图记录下来activations = act(preactivate, name='activation')tf.summary.histogram('activations', activations)# 返回激励层的最终输出return activationshidden1 = nn_layer(x, 784, 500, 'layer1')"""
创建一个dropout层,,随机关闭掉hidden1的一些神经元,并记录keep_prob
"""
with tf.name_scope('dropout'):keep_prob = tf.placeholder(tf.float32)tf.summary.scalar('dropout_keep_probability', keep_prob)dropped = tf.nn.dropout(hidden1, keep_prob)
"""
创建一个输出层,输入的维度是上一层的输出:500,输出的维度是分类的类别种类:10,
激活函数设置为全等映射identity.(暂且先别使用softmax,会放在之后的损失函数中一起计算)
"""
y = nn_layer(dropped, 500, 10, 'layer2', act=tf.identity)"""
创建损失函数
使用tf.nn.softmax_cross_entropy_with_logits来计算softmax并计算交叉熵损失,并且求均值作为最终的损失值。
"""with tf.name_scope('loss'):# 计算交叉熵损失(每个样本都会有一个损失)diff = tf.nn.softmax_cross_entropy_with_logits(labels=y_, logits=y)with tf.name_scope('total'):# 计算所有样本交叉熵损失的均值cross_entropy = tf.reduce_mean(diff)tf.summary.scalar('loss', cross_entropy)"""
训练,并计算准确率
使用AdamOptimizer优化器训练模型,最小化交叉熵损失
计算准确率,并用tf.summary.scalar记录准确率
"""with tf.name_scope('train'):train_step = tf.train.AdamOptimizer(learning_rate).minimize(cross_entropy)
with tf.name_scope('accuracy'):with tf.name_scope('correct_prediction'):# 分别将预测和真实的标签中取出最大值的索引,弱相同则返回1(true),不同则返回0(false)correct_prediction = tf.equal(tf.argmax(y, 1), tf.argmax(y_, 1))with tf.name_scope('accuracy'):# 求均值即为准确率accuracy = tf.reduce_mean(tf.cast(correct_prediction, tf.float32))tf.summary.scalar('accuracy', accuracy)
# summaries合并
merged = tf.summary.merge_all()
# 写到指定的磁盘路径中
#删除src路径下所有文件
def delete_file_folder(src):'''delete files and folders'''if os.path.isfile(src):try:os.remove(src)except:passelif os.path.isdir(src):for item in os.listdir(src):itemsrc=os.path.join(src,item)delete_file_folder(itemsrc) try:os.rmdir(src)except:pass
#删除之前生成的log
if os.path.exists(log_dir + '/train'):delete_file_folder(log_dir + '/train')
if os.path.exists(log_dir + '/test'):delete_file_folder(log_dir + '/test')
train_writer = tf.summary.FileWriter(log_dir + '/train', sess.graph)
test_writer = tf.summary.FileWriter(log_dir + '/test')# 运行初始化所有变量
tf.global_variables_initializer().run()#现在我们要获取之后要喂入的数据
def feed_dict(train):"""Make a TensorFlow feed_dict: maps data onto Tensor placeholders."""if train:xs, ys = mnist.train.next_batch(100)k = dropoutelse:xs, ys = mnist.test.images, mnist.test.labelsk = 1.0return {x: xs, y_: ys, keep_prob: k}"""
开始训练模型。 每隔10步,就进行一次merge, 并打印一次测试数据集的准确率,
然后将测试数据集的各种summary信息写进日志中。 每隔100步,记录原信息 
其他每一步时都记录下训练集的summary信息并写到日志中。
"""for i in range(max_steps):if i % 10 == 0:  # 记录测试集的summary与accuracysummary, acc = sess.run([merged, accuracy], feed_dict=feed_dict(False))test_writer.add_summary(summary, i)print('Accuracy at step %s: %s' % (i, acc))else:  # 记录训练集的summaryif i % 100 == 99:  # Record execution statsrun_options = tf.RunOptions(trace_level=tf.RunOptions.FULL_TRACE)run_metadata = tf.RunMetadata()summary, _ = sess.run([merged, train_step],feed_dict=feed_dict(True),options=run_options,run_metadata=run_metadata)train_writer.add_run_metadata(run_metadata, 'step%03d' % i)train_writer.add_summary(summary, i)print('Adding run metadata for', i)else:  # Record a summarysummary, _ = sess.run([merged, train_step], feed_dict=feed_dict(True))train_writer.add_summary(summary, i)train_writer.close()
test_writer.close()
   WARNING:tensorflow:From <ipython-input-3-27b4be5f38e0>:25: read_data_sets (from tensorflow.contrib.learn.python.learn.datasets.mnist) is deprecated and will be removed in a future version.Instructions for updating:Please use alternatives such as official/mnist/dataset.py from tensorflow/models.WARNING:tensorflow:From /home/nlp/anaconda3/lib/python3.7/site-packages/tensorflow/contrib/learn/python/learn/datasets/mnist.py:260: maybe_download (from tensorflow.contrib.learn.python.learn.datasets.base) is deprecated and will be removed in a future version.Instructions for updating:Please write your own downloading logic.WARNING:tensorflow:From /home/nlp/anaconda3/lib/python3.7/site-packages/tensorflow/contrib/learn/python/learn/datasets/mnist.py:262: extract_images (from tensorflow.contrib.learn.python.learn.datasets.mnist) is deprecated and will be removed in a future version.Instructions for updating:Please use tf.data to implement this functionality.Extracting MNIST_data/train-images-idx3-ubyte.gzWARNING:tensorflow:From /home/nlp/anaconda3/lib/python3.7/site-packages/tensorflow/contrib/learn/python/learn/datasets/mnist.py:267: extract_labels (from tensorflow.contrib.learn.python.learn.datasets.mnist) is deprecated and will be removed in a future version.Instructions for updating:Please use tf.data to implement this functionality.Extracting MNIST_data/train-labels-idx1-ubyte.gzWARNING:tensorflow:From /home/nlp/anaconda3/lib/python3.7/site-packages/tensorflow/contrib/learn/python/learn/datasets/mnist.py:110: dense_to_one_hot (from tensorflow.contrib.learn.python.learn.datasets.mnist) is deprecated and will be removed in a future version.Instructions for updating:Please use tf.one_hot on tensors.Extracting MNIST_data/t10k-images-idx3-ubyte.gzExtracting MNIST_data/t10k-labels-idx1-ubyte.gzWARNING:tensorflow:From /home/nlp/anaconda3/lib/python3.7/site-packages/tensorflow/contrib/learn/python/learn/datasets/mnist.py:290: DataSet.__init__ (from tensorflow.contrib.learn.python.learn.datasets.mnist) is deprecated and will be removed in a future version.Instructions for updating:Please use alternatives such as official/mnist/dataset.py from tensorflow/models.WARNING:tensorflow:From <ipython-input-3-27b4be5f38e0>:109: calling dropout (from tensorflow.python.ops.nn_ops) with keep_prob is deprecated and will be removed in a future version.Instructions for updating:Please use `rate` instead of `keep_prob`. Rate should be set to `rate = 1 - keep_prob`.WARNING:tensorflow:From <ipython-input-3-27b4be5f38e0>:123: softmax_cross_entropy_with_logits (from tensorflow.python.ops.nn_ops) is deprecated and will be removed in a future version.Instructions for updating:Future major versions of TensorFlow will allow gradients to flowinto the labels input on backprop by default.See `tf.nn.softmax_cross_entropy_with_logits_v2`.Accuracy at step 0: 0.0639Accuracy at step 10: 0.7139Accuracy at step 20: 0.8271Accuracy at step 30: 0.8647Accuracy at step 40: 0.8818Accuracy at step 50: 0.8932Accuracy at step 60: 0.8984Accuracy at step 70: 0.8986Accuracy at step 80: 0.9062Accuracy at step 90: 0.9128Adding run metadata for 99Accuracy at step 100: 0.9134Accuracy at step 110: 0.9212Accuracy at step 120: 0.9156Accuracy at step 130: 0.9226Accuracy at step 140: 0.9251Accuracy at step 150: 0.9238Accuracy at step 160: 0.9259Accuracy at step 170: 0.9265Accuracy at step 180: 0.9291Accuracy at step 190: 0.932Adding run metadata for 199    

这段代码主要演示了如何使用Tensorflow和TensorBoard创建和可视化卷积神经网络(CNN)。

CNN是一种深度学习结构,是神经网络中的一种,可以应用于图像识别、语音识别等领域。在这段代码中,我们将使用CNN完成MNIST手写数字识别任务,输入为28×28像素的手写数字图像,输出为0-9其中一种数字的概率。

首先,通过tf.placeholder方法创建了两个placeholder变量x和y_,分别表示网络的输入和输出。在输入数据的处理上,为了将输入数据(28×28个像素点)可视化,使用了tf.summary.image记录了图像信息,用reshape方法将输入特征数据进行重构,确保输入的图像是28×28×1的大小,并用tf.summary.image将其记录下来。

其次,在神经网络的构建方面,我们创建了两个隐藏层和一个输出层。其中,每一个隐藏层都包含一个线性计算层和一个ReLU激活函数层,并用tf.summary.histogram方法记录下每一层的相关参数,以便在TensorBoard中查看各个层的变化。

然后,我们在第一个隐藏层后加入了dropout层,随机关闭掉一定比例的神经元,以避免过拟合。在输出层中,使用tf.nn.softmax cross_entropy_with_logits计算交叉熵损失,并用tf.summary.scalar方法记录损失信息。我们使用tf.train.AdamOptimizer训练模型,并使用tf.reduce_mean(tf.cast(correct_prediction, tf.float32))计算准确率,并用tf.summary.scalar记录准确率信息。

最后,我们定义了merged变量,将所有需要记录下来的信息汇总在一起,并通过tf.summary.merge_all()的方法全部合并,最后通过tf.summary.FileWriter方法将所有的信息写入到日志文件中。在训练过程中,每隔10步就记录下测试集的准确率和相关信息,并记录到日志中;每隔100步记录下训练集的原信息,并记录到日志中;其他步数记录训练集的summary以及写入到日志中。最终,通过train_writer.close()test_writer.close()关闭日志文件。

整个代码中,命名空间的使用规范,各个参数的记录方式清晰明了,使得我们在TensorBoard中能够清晰地了解每一层的参数变化、loss的变化、准确率的变化等。因此,TensorBoard能够很好地帮助开发者进行模型的调试、分析和优化。

附:系列文章

序号文章目录直达链接
1波士顿房价预测https://want595.blog.csdn.net/article/details/132181950
2鸢尾花数据集分析https://want595.blog.csdn.net/article/details/132182057
3特征处理https://want595.blog.csdn.net/article/details/132182165
4交叉验证https://want595.blog.csdn.net/article/details/132182238
5构造神经网络示例https://want595.blog.csdn.net/article/details/132182341
6使用TensorFlow完成线性回归https://want595.blog.csdn.net/article/details/132182417
7使用TensorFlow完成逻辑回归https://want595.blog.csdn.net/article/details/132182496
8TensorBoard案例https://want595.blog.csdn.net/article/details/132182584
9使用Keras完成线性回归https://want595.blog.csdn.net/article/details/132182723
10使用Keras完成逻辑回归https://want595.blog.csdn.net/article/details/132182795
11使用Keras预训练模型完成猫狗识别https://want595.blog.csdn.net/article/details/132243928
12使用PyTorch训练模型https://want595.blog.csdn.net/article/details/132243989
13使用Dropout抑制过拟合https://want595.blog.csdn.net/article/details/132244111
14使用CNN完成MNIST手写体识别(TensorFlow)https://want595.blog.csdn.net/article/details/132244499
15使用CNN完成MNIST手写体识别(Keras)https://want595.blog.csdn.net/article/details/132244552
16使用CNN完成MNIST手写体识别(PyTorch)https://want595.blog.csdn.net/article/details/132244641
17使用GAN生成手写数字样本https://want595.blog.csdn.net/article/details/132244764
18自然语言处理https://want595.blog.csdn.net/article/details/132276591

本文来自互联网用户投稿,该文观点仅代表作者本人,不代表本站立场。本站仅提供信息存储空间服务,不拥有所有权,不承担相关法律责任。如若转载,请注明出处:http://www.mzph.cn/news/74283.shtml

如若内容造成侵权/违法违规/事实不符,请联系多彩编程网进行投诉反馈email:809451989@qq.com,一经查实,立即删除!

相关文章

高忆管理:六连板捷荣技术或难扛“华为概念股”大旗

在本钱商场上名不见经传的捷荣技术&#xff08;002855.SZ&#xff09;正扛起“华为概念股”大旗。 9月6日&#xff0c;捷荣技术已拿下第六个连续涨停板&#xff0c;短短七个生意日&#xff0c;股价累积涨幅逾越90%。公司已连发两份股票生意异动公告。 是炒作&#xff0c;还是…

springMVC的简单数据绑定

java //获得传递过来的参数//方式1RequestMapping("/add")public String add(HttpServletRequest request){String id request.getParameter("id");System.out.println(id);return "success";}//方式2RequestMapping("/add2")public …

Linux命令200例:mkfs用于创建文件系统

&#x1f3c6;作者简介&#xff0c;黑夜开发者&#xff0c;CSDN领军人物&#xff0c;全栈领域优质创作者✌。CSDN专家博主&#xff0c;阿里云社区专家博主&#xff0c;2023年6月csdn上海赛道top4。 &#x1f3c6;数年电商行业从业经验&#xff0c;历任核心研发工程师&#xff0…

软件架构设计(九) 架构评估(复审)

我们上一节讲到了架构的复审,也说明架构复审对应了现在的架构评估。 我们学习架构评估之前先了解一下为什么要进行架构评估呢?架构苹果到底评估什么?架构评估该如何评估?我们先了解这几个为什么之后,理解了这几个为什么去学习会更加有效。 1、为什么要有架构评估,评什么…

Pytest系列-fixture的详细使用和结合conftest.py的详细使用(3)

介绍 前面一篇讲了setup、teardown可以实现在执行用例前或结束后加入一些操作&#xff0c;但这种都是针对整个脚本全局生效的。 Fixture是pytest的非常核心功能之一&#xff0c;在不改变被装饰函数的前提下对函数进行功能增强&#xff0c;经常用于自定义测试用例前置和后置工作…

恭贺弘博创新2023下半年软考(中/高级)认证课程顺利举行

为迎接2023年下半年软考考试&#xff0c;弘博创新于2023年9月2日举行了精品的软考中/高级认证课程&#xff0c;线下线上学员都积极参与学习。 在课程开始之前&#xff0c;弘博创新的老师为学员们提供了详细的学习资料和准备建议&#xff0c;以确保学员们在课程中能够跟上老师的…

【实践篇】Redis最强Java客户端(三)之Redisson 7种分布式锁使用指南

文章目录 0. 前言1. Redisson 7种分布式锁使用指南1.1 简单锁&#xff1a;1.2 公平锁&#xff1a;1.3 可重入锁&#xff1a;1.4 红锁&#xff1a;1.5 读写锁&#xff1a;1.6 信号量&#xff1a;1.7 闭锁&#xff1a; 2. Spring boot 集成Redisson 验证分布式锁3. 参考资料4. 源…

LeetCode 49题: 字母异位词分组

题目 给你一个字符串数组&#xff0c;请你将 字母异位词 组合在一起。可以按任意顺序返回结果列表。 字母异位词 是由重新排列源单词的所有字母得到的一个新单词。 示例 1: 输入: strs ["eat", "tea", "tan", "ate", "nat&qu…

Linux中的软件管家——yum

目录 ​编辑 一&#xff0c;软件安装的方式 二&#xff0c;对yum的介绍 1.yum的作用 2&#xff0c;yum的库 三&#xff0c;yum下载软件的操作 1.yumlist 2.yuminstall 3.yumremove 四&#xff0c;yum源的转换 一&#xff0c;软件安装的方式 软件安装的方式大概分为三种…

【韩顺平】Linux基础

目录 1.网络连接三种方式 1.1 桥接模式&#xff1a;虚拟系统可以和外部系统通讯&#xff0c;但是容易造成IP冲突【1-225】 1.2 NAT模式&#xff1a;网络地址转换模式。虚拟系统可以和外部系统通讯&#xff0c;不造成IP冲突。 1.3 主机模式&#xff1a;独立的系统。 2.虚拟机…

C# PSO 粒子群优化算法 遗传算法 随机算法 求解复杂方程的最大、最小值

复杂方程可以自己定义&#xff0c;以下是看别人的题目&#xff0c;然后自己来做 以下是计算结果 private void GetMinResult(out double resultX1, out double min){double x1, result;Random random1 new Random(DateTime.Now.Millisecond* DateTime.Now.Second);min 99999…

C语言柔性数组详解:让你的程序更灵活

柔性数组 一、前言二、柔性数组的用法三、柔性数组的内存分布四、柔性数组的优势五、总结 一、前言 仔细观察下面的代码&#xff0c;有没有看出哪里不对劲&#xff1f; struct S {int i;double d;char c;int arr[]; };还有另外一种写法&#xff1a; struct S {int i;double …

软件与系统安全复习

软件与系统安全复习 课程复习内容 其中 软件与系统安全基础 威胁模型 对于影响系统安全的所有信息的结构化表示 本质上&#xff0c;是从安全的视角解读系统与其环境 用于理解攻击者 什么可信、什么不可信攻击者的动机、资源、能力&#xff1b;攻击造成的影响 具体场景…

java.lang.NullPointerException at Com.su.test.MyTest.test01

还不太懂原理,解决办法就是在测试类注解上添加 RunWith(SpringJUnit4ClassRunner.class)或者RunWith(SpringRunner.class) 附上链接:RunWith(SpringRunner.class)和RunWith(SpringJUnit4ClassRunner.class)的区别_来老铁干了这碗代码的博客-CSDN博客 test测试报NullPointerEx…

05 CNN 猴子类别检测

一、数据集下载 kaggle数据集[10 monkey] 二、数据集准备 2.1 指定路径 from tensorflow import keras import tensorflow as tf import numpy as np import pandas as pd import matplotlib.pyplot as plttrain_dir /newdisk/darren_pty/CNN/ten_monkey/training/ valid_d…

【C】【C++】可变参数、不定参函数的使用

文章目录 1. C 语言1.1 可变宏函数1.2 可变函数 2. C 1. C 语言 c语言中的可变参数写法&#xff1a;... 1.1 可变宏函数 以日志举例&#xff0c;我们写入日志时只需要输入关键信息&#xff0c;行号文件等由宏函数补全这其中&#xff0c;我们需要输入的信息是格式不定的&#x…

实现Spring Boot集成MyBatis

引言 在Java开发中&#xff0c;Spring Boot和MyBatis是非常常用的框架。Spring Boot是一个快速开发应用程序的框架&#xff0c;而MyBatis是一个持久化框架&#xff0c;可以方便地操作数据库。本文将介绍如何使用Idea集成Spring Boot和MyBatis&#xff0c;并创建一个简单的示例…

App 出海实践:Google Play 结算系统

作者&#xff1a;业志陈 现如今&#xff0c;App 出海热度不减&#xff0c;是很多公司和个人开发者选择的一个市场方向。App 为了实现盈利&#xff0c;除了接入广告这种最常见的变现方式外&#xff0c;就是通过提供各类虚拟商品或者是会员服务来吸引用户付费了&#xff0c;此时 …

了解被测系统(二)接入链路--包括域名解析和Nginx代理

目录 一、接入链路示例 二、域名解析过程 1、相关概念 1.1、域的结构 1.2、DNS是什么&#xff1f; 1.3、DNS根域名服务器 1.4、顶级域名服务器 1.5、权威域名服务器 2、域名解析过程 2.1、检查Hosts文件 2.2、检查本地DNS缓存 2.3、DNS解析--本地DNS服务器 2.4、D…

后端SpringBoot+前端Vue前后端分离的项目(二)

前言&#xff1a;完成一个列表&#xff0c;实现表头的切换&#xff0c;字段的筛选&#xff0c;排序&#xff0c;分页功能。 目录 一、数据库表的设计 ​编辑二、后端实现 环境配置 model层 mapper层 service层 service层单元测试 controller层 三、前端实现 interface接…