BSC链MMM循环互助合约系统开发源码
区块链给计算机代码提供直接控制资产的方法,使得智能合约具有执行力。在区块链上,资产的控制就是控制资产对应的密钥权限,而不是任何实物。区块链使计算系统成为受信任系统,它已经不仅限于数据库的功能,同时还是可以执行代码和记录数字资产所有权的分布式计算机
sel***nv1=nn.Sequential(技术开发:I88模式1928系统8024
n***nv2d(in_channels=1,out_channels=16,kernel_size=(3,3),stride=(1,1),padding=1),
nn.ReLU(),
nn.MaxPool2d(kernel_size=2)#for 28*28 to 14*14
)
sel***nv2=nn.Sequential(
n***nv2d(in_channels=16,out_channels=32,kernel_size=(3,3),stride=(1,1),padding=1),
nn.ReLU(),
nn.MaxPool2d(kernel_size=2)#for 14*14 to 7*7
)
self.output=nn.Linear(32*7*7,10)
def forward(self,x):
out=sel***nv1(x)
out=sel***nv2(out)
out=out.view(out.size(0),-1)#flatten the 32*7*7 dimension to 1568
out=self.output(out)
return out
#load model
print('load cnn model','n')
cnn_=torch.load('cnn.pt')
#test new data
test_output=cnn_(test_over_x)
predict_y=torch.max(test_output,1)[1].data.numpy()
print("prediction number:{}".format(predict_y))
print("real number:{}".format(test_over_y.numpy()),'n')
accuracy=float((predict_y==test_over_y.data.numpy()).astype(int).sum())/float(test_over_y.size(0))
print("accuracy:{}".format(accuracy),'n')
区块链(blockchain)是分布式数据存储、点对点传输、共识机制、加密算法等计算机技术的新型应用模式。区块链系统中按照时间顺序将数据区块以顺序相连的方式组合成链式数据结构,并以密码学方式保证的不可篡改和不可伪造的分布式账本。由于区块链具有去中心化、信息不可篡改、自治性等特性,区块链也受到人们越来越多的重视和应用。
print(onnx.helper.printable_graph(model_onnx.graph))
#data input
test_data=torchvision.datasets.MNIST(root='./data',train=False)
test_data_x=torch.unsqueeze(input=test_data.test_data,dim=1).type(torch.FloatTensor)[:NUM_TEST]/255.
test_data_y=test_data.test_labels[:NUM_TEST]
"""run onnx model"""
#ort session initialize
ort_session=or***ferenceSession(path_onnx)
#dummy input
outputs=ort_session.run(output_names=None,
input_feed={'actual_input':np.random.randn(1,1,28,28).astype(np.float32)})
print("result of dummy input:{}".format(outputs[0]),'n')
sel***nv1=nn.Sequential(技术开发:I88模式1928系统8024
n***nv2d(in_channels=1,out_channels=16,kernel_size=(3,3),stride=(1,1),padding=1),
nn.ReLU(),
nn.MaxPool2d(kernel_size=2)#for 28*28 to 14*14
)
sel***nv2=nn.Sequential(
n***nv2d(in_channels=16,out_channels=32,kernel_size=(3,3),stride=(1,1),padding=1),
nn.ReLU(),
nn.MaxPool2d(kernel_size=2)#for 14*14 to 7*7
)
self.output=nn.Linear(32*7*7,10)
def forward(self,x):
out=sel***nv1(x)
out=sel***nv2(out)
out=out.view(out.size(0),-1)#flatten the 32*7*7 dimension to 1568
out=self.output(out)
return out
#load model
print('load cnn model','n')
cnn_=torch.load('cnn.pt')
#test new data
test_output=cnn_(test_over_x)
predict_y=torch.max(test_output,1)[1].data.numpy()
print("prediction number:{}".format(predict_y))
print("real number:{}".format(test_over_y.numpy()),'n')
accuracy=float((predict_y==test_over_y.data.numpy()).astype(int).sum())/float(test_over_y.size(0))
print("accuracy:{}".format(accuracy),'n')
区块链(blockchain)是分布式数据存储、点对点传输、共识机制、加密算法等计算机技术的新型应用模式。区块链系统中按照时间顺序将数据区块以顺序相连的方式组合成链式数据结构,并以密码学方式保证的不可篡改和不可伪造的分布式账本。由于区块链具有去中心化、信息不可篡改、自治性等特性,区块链也受到人们越来越多的重视和应用。
print(onnx.helper.printable_graph(model_onnx.graph))
#data input
test_data=torchvision.datasets.MNIST(root='./data',train=False)
test_data_x=torch.unsqueeze(input=test_data.test_data,dim=1).type(torch.FloatTensor)[:NUM_TEST]/255.
test_data_y=test_data.test_labels[:NUM_TEST]
"""run onnx model"""
#ort session initialize
ort_session=or***ferenceSession(path_onnx)
#dummy input
outputs=ort_session.run(output_names=None,
input_feed={'actual_input':np.random.randn(1,1,28,28).astype(np.float32)})
print("result of dummy input:{}".format(outputs[0]),'n')