【第十五章】改进神经网络学习方式-手写数字识别重新编码实现

在这里插入图片描述

让我们来实现我们在之前讨论过的想法。我们将开发一个新的程序,network2.py,这是我们之前开发的程序 network.py 的改进版本。如果你有一段时间没有看过 network.py,那么花几分钟快速阅读之前的讨论可能会有所帮助。它只有 74 行代码,而且很容易理解。

与 network.py 中的情况一样,network2.py 的核心是 Network 类,我们用它来表示我们的神经网络。我们用网络中各层的大小列表和选择使用的损失函数来初始化 Network 的实例,默认为交叉熵:

class Network(object):def __init__(self, sizes, cost=CrossEntropyCost):self.num_layers = len(sizes)self.sizes = sizesself.default_weight_initializer()self.cost=cost

init 方法的前几行与 network.py 中的相同,并且相当容易理解。但接下来的两行是新的,我们需要详细了解它们的作用。

让我们从检查 default_weight_initializer 方法开始。这个方法利用了我们新的、改进过的权重初始化方法。正如我们所见,根据这个方法,输入到神经元的权重被初始化为均值为 0,标准差为 1 再除以神经元输入连接数的平方根的高斯随机变量。在这个方法中,我们也将初始化偏置,使用均值为 0,标准差为 1 的高斯随机变量。以下是代码:

    def default_weight_initializer(self):self.biases = [np.random.randn(y, 1) for y in self.sizes[1:]]self.weights = [np.random.randn(y, x)/np.sqrt(x) for x, y in zip(self.sizes[:-1], self.sizes[1:])]

为了理解这段代码,回忆一下 np 是用于执行线性代数的 Numpy 库可能会有所帮助。我们将在程序开始时导入 Numpy。此外,请注意,我们不会为第一层神经元初始化任何偏置。我们避免这样做是因为第一层是一个输入层,因此任何偏差都不会被使用。我们在 network.py 中也是这样做的。

作为 default_weight_initializer 的补充,我们还将包括一个 large_weight_initializer 方法。该方法使用了前面的旧方法初始化权重和偏差,其中权重和偏差都被初始化为均值为 0,标准差为 1 的高斯随机变量。当然,代码与 default_weight_initializer 仅有微小的不同:

    def large_weight_initializer(self):self.biases = [np.random.randn(y, 1) for y in self.sizes[1:]]self.weights = [np.random.randn(y, x) for x, y in zip(self.sizes[:-1], self.sizes[1:])]

我主要包含了 large_weight_initializer 方法,方便在本章中与前面的结果进行比较。

Network 的 init 方法中的第二个新特性是我们现在初始化了一个 cost 属性。为了理解它是如何工作的,让我们来看一下我们用来表示交叉熵损失的类

class CrossEntropyCost(object):@staticmethoddef fn(a, y):return np.sum(np.nan_to_num(-y*np.log(a)-(1-y)*np.log(1-a)))@staticmethoddef delta(z, a, y):return (a-y)

让我们来分解一下。首先要注意的是,尽管从数学上讲,交叉熵是一个函数,但我们将其实现为一个 Python 类,而不是一个 Python 函数。为什么我会做出这样的选择呢?原因在于成本在我们的网络中扮演了两种不同的角色。显而易见的角色是它是衡量输出激活 a 与期望输出 y 匹配程度的指标。这个角色由 CrossEntropyCost.fn 方法所捕获。(顺便提一句,CrossEntropyCost.fn 内部的 np.nan_to_num 调用确保了 Numpy 正确处理非常接近零的数的对数。)但成本函数进入我们的网络的第二种方式也是重要的。回想一下第二章中提到的,当运行反向传播算法时,我们需要计算网络的输出误差 δ L \delta^L δL。输出误差的形式取决于成本函数的选择:不同的成本函数,输出误差的形式也不同。对于交叉熵,输出误差如我们在方程(66)中看到的那样。
δ L = a L − y . (99) \delta^L = a^L-y.\tag{99} δL=aLy.(99)

因此,我们定义了第二个方法 CrossEntropyCost.delta,其目的是告诉我们的网络如何计算输出误差。然后,我们将这两个方法捆绑到一个单独的类中,该类包含我们的网络需要了解的有关成本函数的所有信息。

类似地,network2.py 还包含一个用于表示二次成本函数的类。这是为了与第一章的结果进行比较,因为在未来我们将主要使用交叉熵。以下是代码。QuadraticCost.fn 方法是对实际输出 a 和期望输出 y 相关的二次成本的直接计算。QuadraticCost.delta 返回的值基于我们在第前面推导出的二次成本的输出误差的表达式(30)。

class QuadraticCost(object):@staticmethoddef fn(a, y):return 0.5*np.linalg.norm(a-y)**2@staticmethoddef delta(z, a, y):return (a-y) * sigmoid_prime(z)

现在我们已经了解了 network2.py 和 network.py 之间的主要区别。这都是相当简单的内容。还有一些较小的变化,我将在下面讨论,包括 L2 正则化的实现。在继续讨论之前,让我们看一下 network2.py 的完整代码。您不需要详细阅读所有代码,但了解其大致结构是值得的,特别是阅读文档字符串,这样您就可以理解程序的每个部分正在做什么。当然,您也可以根据需要深入探讨!如果您迷失了方向,可以继续阅读下面的散文,稍后再返回代码。无论如何,以下是代码:

"""network2.py
~~~~~~~~~~~~~~An improved version of network.py, implementing the stochastic
gradient descent learning algorithm for a feedforward neural network.
Improvements include the addition of the cross-entropy cost function,
regularization, and better initialization of network weights.  Note
that I have focused on making the code simple, easily readable, and
easily modifiable.  It is not optimized, and omits many desirable
features."""#### Libraries
# Standard library
import json
import random
import sys# Third-party libraries
import numpy as np#### Define the quadratic and cross-entropy cost functionsclass QuadraticCost(object):@staticmethoddef fn(a, y):"""Return the cost associated with an output ``a`` and desired output``y``."""return 0.5*np.linalg.norm(a-y)**2@staticmethoddef delta(z, a, y):"""Return the error delta from the output layer."""return (a-y) * sigmoid_prime(z)class CrossEntropyCost(object):@staticmethoddef fn(a, y):"""Return the cost associated with an output ``a`` and desired output``y``.  Note that np.nan_to_num is used to ensure numericalstability.  In particular, if both ``a`` and ``y`` have a 1.0in the same slot, then the expression (1-y)*np.log(1-a)returns nan.  The np.nan_to_num ensures that that is convertedto the correct value (0.0)."""return np.sum(np.nan_to_num(-y*np.log(a)-(1-y)*np.log(1-a)))@staticmethoddef delta(z, a, y):"""Return the error delta from the output layer.  Note that theparameter ``z`` is not used by the method.  It is included inthe method's parameters in order to make the interfaceconsistent with the delta method for other cost classes."""return (a-y)#### Main Network class
class Network(object):def __init__(self, sizes, cost=CrossEntropyCost):"""The list ``sizes`` contains the number of neurons in the respectivelayers of the network.  For example, if the list was [2, 3, 1]then it would be a three-layer network, with the first layercontaining 2 neurons, the second layer 3 neurons, and thethird layer 1 neuron.  The biases and weights for the networkare initialized randomly, using``self.default_weight_initializer`` (see docstring for thatmethod)."""self.num_layers = len(sizes)self.sizes = sizesself.default_weight_initializer()self.cost=costdef default_weight_initializer(self):"""Initialize each weight using a Gaussian distribution with mean 0and standard deviation 1 over the square root of the number ofweights connecting to the same neuron.  Initialize the biasesusing a Gaussian distribution with mean 0 and standarddeviation 1.Note that the first layer is assumed to be an input layer, andby convention we won't set any biases for those neurons, sincebiases are only ever used in computing the outputs from laterlayers."""self.biases = [np.random.randn(y, 1) for y in self.sizes[1:]]self.weights = [np.random.randn(y, x)/np.sqrt(x)for x, y in zip(self.sizes[:-1], self.sizes[1:])]def large_weight_initializer(self):"""Initialize the weights using a Gaussian distribution with mean 0and standard deviation 1.  Initialize the biases using aGaussian distribution with mean 0 and standard deviation 1.Note that the first layer is assumed to be an input layer, andby convention we won't set any biases for those neurons, sincebiases are only ever used in computing the outputs from laterlayers.This weight and bias initializer uses the same approach as inChapter 1, and is included for purposes of comparison.  Itwill usually be better to use the default weight initializerinstead."""self.biases = [np.random.randn(y, 1) for y in self.sizes[1:]]self.weights = [np.random.randn(y, x)for x, y in zip(self.sizes[:-1], self.sizes[1:])]def feedforward(self, a):"""Return the output of the network if ``a`` is input."""for b, w in zip(self.biases, self.weights):a = sigmoid(np.dot(w, a)+b)return adef SGD(self, training_data, epochs, mini_batch_size, eta,lmbda = 0.0,evaluation_data=None,monitor_evaluation_cost=False,monitor_evaluation_accuracy=False,monitor_training_cost=False,monitor_training_accuracy=False):"""Train the neural network using mini-batch stochastic gradientdescent.  The ``training_data`` is a list of tuples ``(x, y)``representing the training inputs and the desired outputs.  Theother non-optional parameters are self-explanatory, as is theregularization parameter ``lmbda``.  The method also accepts``evaluation_data``, usually either the validation or testdata.  We can monitor the cost and accuracy on either theevaluation data or the training data, by setting theappropriate flags.  The method returns a tuple containing fourlists: the (per-epoch) costs on the evaluation data, theaccuracies on the evaluation data, the costs on the trainingdata, and the accuracies on the training data.  All values areevaluated at the end of each training epoch.  So, for example,if we train for 30 epochs, then the first element of the tuplewill be a 30-element list containing the cost on theevaluation data at the end of each epoch. Note that the listsare empty if the corresponding flag is not set."""if evaluation_data: n_data = len(evaluation_data)n = len(training_data)evaluation_cost, evaluation_accuracy = [], []training_cost, training_accuracy = [], []for j in xrange(epochs):random.shuffle(training_data)mini_batches = [training_data[k:k+mini_batch_size]for k in xrange(0, n, mini_batch_size)]for mini_batch in mini_batches:self.update_mini_batch(mini_batch, eta, lmbda, len(training_data))print "Epoch %s training complete" % jif monitor_training_cost:cost = self.total_cost(training_data, lmbda)training_cost.append(cost)print "Cost on training data: {}".format(cost)if monitor_training_accuracy:accuracy = self.accuracy(training_data, convert=True)training_accuracy.append(accuracy)print "Accuracy on training data: {} / {}".format(accuracy, n)if monitor_evaluation_cost:cost = self.total_cost(evaluation_data, lmbda, convert=True)evaluation_cost.append(cost)print "Cost on evaluation data: {}".format(cost)if monitor_evaluation_accuracy:accuracy = self.accuracy(evaluation_data)evaluation_accuracy.append(accuracy)print "Accuracy on evaluation data: {} / {}".format(self.accuracy(evaluation_data), n_data)printreturn evaluation_cost, evaluation_accuracy, \training_cost, training_accuracydef update_mini_batch(self, mini_batch, eta, lmbda, n):"""Update the network's weights and biases by applying gradientdescent using backpropagation to a single mini batch.  The``mini_batch`` is a list of tuples ``(x, y)``, ``eta`` is thelearning rate, ``lmbda`` is the regularization parameter, and``n`` is the total size of the training data set."""nabla_b = [np.zeros(b.shape) for b in self.biases]nabla_w = [np.zeros(w.shape) for w in self.weights]for x, y in mini_batch:delta_nabla_b, delta_nabla_w = self.backprop(x, y)nabla_b = [nb+dnb for nb, dnb in zip(nabla_b, delta_nabla_b)]nabla_w = [nw+dnw for nw, dnw in zip(nabla_w, delta_nabla_w)]self.weights = [(1-eta*(lmbda/n))*w-(eta/len(mini_batch))*nwfor w, nw in zip(self.weights, nabla_w)]self.biases = [b-(eta/len(mini_batch))*nbfor b, nb in zip(self.biases, nabla_b)]def backprop(self, x, y):"""Return a tuple ``(nabla_b, nabla_w)`` representing thegradient for the cost function C_x.  ``nabla_b`` and``nabla_w`` are layer-by-layer lists of numpy arrays, similarto ``self.biases`` and ``self.weights``."""nabla_b = [np.zeros(b.shape) for b in self.biases]nabla_w = [np.zeros(w.shape) for w in self.weights]# feedforwardactivation = xactivations = [x] # list to store all the activations, layer by layerzs = [] # list to store all the z vectors, layer by layerfor b, w in zip(self.biases, self.weights):z = np.dot(w, activation)+bzs.append(z)activation = sigmoid(z)activations.append(activation)# backward passdelta = (self.cost).delta(zs[-1], activations[-1], y)nabla_b[-1] = deltanabla_w[-1] = np.dot(delta, activations[-2].transpose())# Note that the variable l in the loop below is used a little# differently to the notation in Chapter 2 of the book.  Here,# l = 1 means the last layer of neurons, l = 2 is the# second-last layer, and so on.  It's a renumbering of the# scheme in the book, used here to take advantage of the fact# that Python can use negative indices in lists.for l in xrange(2, self.num_layers):z = zs[-l]sp = sigmoid_prime(z)delta = np.dot(self.weights[-l+1].transpose(), delta) * spnabla_b[-l] = deltanabla_w[-l] = np.dot(delta, activations[-l-1].transpose())return (nabla_b, nabla_w)def accuracy(self, data, convert=False):"""Return the number of inputs in ``data`` for which the neuralnetwork outputs the correct result. The neural network'soutput is assumed to be the index of whichever neuron in thefinal layer has the highest activation.The flag ``convert`` should be set to False if the data set isvalidation or test data (the usual case), and to True if thedata set is the training data. The need for this flag arisesdue to differences in the way the results ``y`` arerepresented in the different data sets.  In particular, itflags whether we need to convert between the differentrepresentations.  It may seem strange to use differentrepresentations for the different data sets.  Why not use thesame representation for all three data sets?  It's done forefficiency reasons -- the program usually evaluates the coston the training data and the accuracy on other data sets.These are different types of computations, and using differentrepresentations speeds things up.  More details on therepresentations can be found inmnist_loader.load_data_wrapper."""if convert:results = [(np.argmax(self.feedforward(x)), np.argmax(y))for (x, y) in data]else:results = [(np.argmax(self.feedforward(x)), y)for (x, y) in data]return sum(int(x == y) for (x, y) in results)def total_cost(self, data, lmbda, convert=False):"""Return the total cost for the data set ``data``.  The flag``convert`` should be set to False if the data set is thetraining data (the usual case), and to True if the data set isthe validation or test data.  See comments on the similar (butreversed) convention for the ``accuracy`` method, above."""cost = 0.0for x, y in data:a = self.feedforward(x)if convert: y = vectorized_result(y)cost += self.cost.fn(a, y)/len(data)cost += 0.5*(lmbda/len(data))*sum(np.linalg.norm(w)**2 for w in self.weights)return costdef save(self, filename):"""Save the neural network to the file ``filename``."""data = {"sizes": self.sizes,"weights": [w.tolist() for w in self.weights],"biases": [b.tolist() for b in self.biases],"cost": str(self.cost.__name__)}f = open(filename, "w")json.dump(data, f)f.close()#### Loading a Network
def load(filename):"""Load a neural network from the file ``filename``.  Returns aninstance of Network."""f = open(filename, "r")data = json.load(f)f.close()cost = getattr(sys.modules[__name__], data["cost"])net = Network(data["sizes"], cost=cost)net.weights = [np.array(w) for w in data["weights"]]net.biases = [np.array(b) for b in data["biases"]]return net#### Miscellaneous functions
def vectorized_result(j):"""Return a 10-dimensional unit vector with a 1.0 in the j'th positionand zeroes elsewhere.  This is used to convert a digit (0...9)into a corresponding desired output from the neural network."""e = np.zeros((10, 1))e[j] = 1.0return edef sigmoid(z):"""The sigmoid function."""return 1.0/(1.0+np.exp(-z))def sigmoid_prime(z):"""Derivative of the sigmoid function."""return sigmoid(z)*(1-sigmoid(z))

代码中的一个更有趣的变化是包含 L2 正则化。尽管这是一个重要的概念性变化,但在代码中实现起来非常微不足道,很容易被忽略。在很大程度上,它只涉及将参数 lambda 传递给各种方法,特别是 Network.SGD 方法。真正的工作是在程序的倒数第四行,也就是 Network.update_mini_batch 方法中完成的。那里我们修改了梯度下降更新规则,以包括权重衰减。尽管修改很小,但对结果影响很大!

顺便说一句,在神经网络中实现新技术时,这是很常见的情况。我们已经花费了成千上万字来讨论正则化。从概念上讲,它相当微妙,难以理解。然而,将其添加到我们的程序中却是微不足道的!令人惊讶的是,复杂的技术经常可以通过对代码进行小幅修改来实现。

我们代码中的另一个小但重要的变化是向随机梯度下降方法 Network.SGD 添加了几个可选标志。这些标志使得可以监视成本和准确度,无论是在训练数据还是在一组评估数据上,后者可以传递给 Network.SGD。我们在本章前面经常使用这些标志,但让我举个例子来说明它的工作原理,只是为了提醒您一下:

>>> import mnist_loader
>>> training_data, validation_data, test_data = \
... mnist_loader.load_data_wrapper()
>>> import network2
>>> net = network2.Network([784, 30, 10], cost=network2.CrossEntropyCost)
>>> net.SGD(training_data, 30, 10, 0.5,
... lmbda = 5.0,
... evaluation_data=validation_data,
... monitor_evaluation_accuracy=True,
... monitor_evaluation_cost=True,
... monitor_training_accuracy=True,
... monitor_training_cost=True)

在这里,我们将 evaluation_data 设置为 validation_data。但我们也可以监视 test_data 或任何其他数据集的性能。我们还有四个标志,告诉我们监视 evaluation_data 和 training_data 上的成本和准确度。这些标志默认为 False,但在这里已经打开,以监视我们网络的性能。此外,network2.py 的 Network.SGD 方法返回一个四元组,表示监视结果。我们可以按如下方式使用它:

>>> evaluation_cost, evaluation_accuracy, 
... training_cost, training_accuracy = net.SGD(training_data, 30, 10, 0.5,
... lmbda = 5.0,
... evaluation_data=validation_data,
... monitor_evaluation_accuracy=True,
... monitor_evaluation_cost=True,
... monitor_training_accuracy=True,
... monitor_training_cost=True)

因此,例如,evaluation_cost 将是一个包含每个时期结束时评估数据的成本的 30 个元素的列表。这种信息在理解网络行为方面非常有用。例如,它可以用来绘制显示网络随时间学习情况的图表。实际上,这正是我在前面构建所有图表的方法。然而,请注意,如果任何监视标志未设置,则元组中相应的元素将是空列表。

代码的其他新增内容包括 Network.save 方法,用于将 Network 对象保存到磁盘,并提供加载它们的函数。请注意,保存和加载是使用 JSON 完成的,而不是 Python 的 pickle 或 cPickle 模块,后者是我们在 Python 中通常保存和加载对象到磁盘的方法。使用 JSON 需要比 pickle 或 cPickle 多出更多的代码。为了理解为什么我使用了 JSON,请想象一下,将来我们决定更改我们的 Network 类以允许除 S 型神经元以外的其他神经元。要实现这个变化,我们最有可能更改 Network.init 方法中定义的属性。如果我们只是简单地使用 pickle 对对象进行了序列化,那么会导致我们的加载函数失败。使用 JSON 显式地进行序列化可以轻松确保旧的 Networks 仍然可以加载。

在 network2.py 的代码中还有许多其他较小的变化,但它们都是对 network.py 的简单变化。最终效果是将我们的 74 行程序扩展到了一个更有能力的 152 行。

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

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

相关文章

44.for语句

目录 一.什么是for语句 二.语法格式 三.举例 四.视频教程 一.什么是for语句 C语言中除了while和do while循环语句,还有for循环语句,所以for语句也是循环语句。 二.语法格式 for(表达式1;表达式2;表达式3&#xf…

8.python中的元组

8.python中的元组 虽然说元组用的不是很多,但是还是讲一下。元组其实可以看为是一个列表,不可变的列表。操作和列表都差不多。 元组(tuple)是Python中的一种基本数据结构类型,它是不可变的序列,意味着一旦…

【爬虫】实战-爬取Boss直聘信息数据

专栏文章索引:爬虫 所用工具: 自动化工具:DrissionPage 目录 一、找到目标数据(2个确定)​ 1.确定目标网页 2.确定目标网址 二、编写代码​ 三、查看数据​ 五、总结 一、找到目标数据(2个确定) 1.确定目标网页 打开目标网站 网站&am…

DolphinScheduler运维-页面加载缓慢

一、问题描述 DolphinScheduler调度平台的UI界面加载缓慢,项目中的任务实例加载时间过长,需要解决这个问题,提高DolphinScheduler平台UI页面的加载速度。 二、原因分析 经过分析发现,任务实例过多是导致UI加载缓慢的主要原因。由于任务实例无法直接删除,根据文档了解到需…

狼人杀 魔镜少女 个人玩法理解

最近出来的新板子 (魔镜少女 觉醒隐狼) 确实是非常的好玩 先来说说板子身份 好人阵营: 神职牌有 魔镜少女 女巫 猎人 守卫 民牌有: 四个普通平民 狼人阵营: 觉醒隐狼 四个普通小狼人 先来说说技能 魔镜少女每晚可以翻拍查验一名玩家的具体身份,注意 是具体身份 就…

网络架构层_交换机连接使用

网络架构层_交换机连接使用 交换机是不是不会用呀?交换机,服务器,路由器,防火墙,网关,这些都是嘛呀? 网上的一些网络架构图,具体项目按照实际考虑。 交换机的Console口——通过Con…

c语言指针(二)

c语言指针(二) 1.数组名的理解 2.使用指针访问数组 3.一维数组的传参本质 1.数组名的理解 int arr[10] { 1,2,3,4,5,6,7,8,9,10 }; int* p &arr[0]这⾥我们使⽤ &arr[0] 的⽅式拿到了数组第⼀个元素的地址,但是其实数组名本来就是…

【链表】Leetcode 142. 环形链表 II【中等】

环形链表 II 给定一个链表的头节点 head ,返回链表开始入环的第一个节点。 如果链表无环,则返回 null。 如果链表中有某个节点,可以通过连续跟踪 next 指针再次到达,则链表中存在环。 为了表示给定链表中的环,评测系…

Linux用户、用户组

用户管理命令: 首先要先知道两个配置文件:/etc/group 用户组配置文件/etc/passwd 保存了所有用户的用于读取的必要信息**/etc/shadow **是 Linux 系统中用于存储用户密码信息的文件。这个文件也被称为“影子文件”,因为它包含了 /etc/passwd…

网站如何搭建 网站搭建的详细步骤

网站如何搭建 网站搭建的详细步骤 一.领取一个免费域名和SSL证书,和CDN 1.打开网站链接:https://www.rainyun.com/z22_ 2.在网站主页上,您会看到一个"登陆/注册"的选项。 3.点击"登陆/注册",然后选择"…

打破沟通壁垒:跨部门需求冲击与IT部门的应对智慧

引言 在快节奏、高要求的互联网行业,跨部门间的有效沟通是确保项目顺利进行和公司业务稳定发展的基石。然而,需求突袭往往成为打乱这一稳定局面的重要因素。 事件的背景 作为一IT部门负责人,在跨部门的领导层沟通会议上,一个在事…

2024蓝桥杯每日一题(回溯)

备战2024年蓝桥杯 -- 每日一题 Python大学A组 试题一:木棒 试题二:n皇后问题 试题三:糖果 试题四:飞机降落 试题五:生日蛋糕 试题一:木棒 【问题描述】 乔治拿来一组等长…

【UE5】非持枪站姿移动混合空间

项目资源文末百度网盘自取 创建角色在非持枪状态且站立移动的动画混合空间 在Character文件夹中创建文件夹,命名为BlendSpace 所有混合空间文件都放到这个文件夹中 在BlendSpace文件夹中单击右键,选择动画(Animation)中的混合空间(BlendSpace) 选择SK…

2、Java虚拟机之类的生命周期-连接(验证、准备、解析)

一、类的生命周期 连接阶段之验证 连接阶段的第一个环节是验证&#xff0c;验证的主要目的是检测Java字节码文件是否遵守了<Java虚拟机规范>中的约束。这个阶段一般是不需要程序员进行处理。 主要包含如下四个部分,具体详见<<Java虚拟机规范>>: 1、文件格…

ClickHouse--13--springboot+mybatis配置clickhouse

提示&#xff1a;文章写完后&#xff0c;目录可以自动生成&#xff0c;如何生成可参考右边的帮助文档 文章目录 ClickHouse1.添加maven依赖2.配属数据源3.参数配置4.Druid连接池配置5.entity6.Mapper接口7.Mapper.xml8.controller接口9.创建一个clickhouse表10.测试 ClickHouse…

JavaScript 进阶(四)

一、深浅拷贝 开发中我们经常需要复制一个对象。如果直接用赋值会有下面问题&#xff1a; 1.1 浅拷贝 首先浅拷贝和深拷贝只针对引用类型 。 浅拷贝&#xff1a;拷贝的是地址 。 常见方法&#xff1a; 1. 拷贝对象&#xff1a;Object.assgin() / 展开运算符 {...obj} 拷贝对…

【隐私计算实训营-001数据可信流通,从运维信任到技术信任】

1. 数据可信流通体系 信任的基石&#xff1a; 身份的可确认利益可依赖能力有预期行为有后果 2.内循环——>外循环 内循环&#xff1a;数据持有方在自己的运维安全域内队自己的数据使用和安全拥有全责。 外循环&#xff1a;数据要素在离开持有方安全域后&#xff0c;持有方…

阅读笔记(CVPR2020)Warping Residual Based Image Stitching for Large Parallax

基于变形残差的大视差图像拼接 K. -Y. Lee and J. -Y. Sim, "Warping Residual Based Image Stitching for Large Parallax," 2020 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Seattle, WA, USA, 2020, pp. 8195-8203, doi: 10.1109/…

CSS学习2

自己在工作中总是有一些自动化开发的需求&#xff0c;总是以为自己是有前端基础的&#xff0c;但是一写页面&#xff0c;布局都布不好&#xff0c;真是搞笑&#xff0c;说起来还是基本功不扎实啊&#xff0c;这里在重新复习一下&#xff0c;然后记录一下文档。后边在写两个综合…

【linux】环境变量(进程二)

这里写目录标题 命令行参数&#xff1a;环境变量&#xff1a; 命令行参数&#xff1a; 不谈命令行参数就谈环境变量就是耍流氓。 相信我们在C语言阶段都在main函数里见过参数。 例如int main(int argc, char* argv[]) 这是什么东西呢&#xff1f; 话不多说我们直接打印一下看…