from sklearn import datasets import numpy as np import tensorflow as tf import pandas as pd from pandas import DataFrame from sklearn.datasets import ...
分类:
其他好文 时间:
2020-08-08 17:45:03
阅读次数:
85
import numpy as np import pandas as pd import matplotlib.pyplot as plt %matplotlib inline from sklearn.linear_model import LinearRegression data = pd. ...
分类:
其他好文 时间:
2020-08-08 17:34:03
阅读次数:
74
内存 计算机的作用 用来存储和运算二进制的数据 import numpy as np np.iinfo('int8') iinfo(min=-128, max=127, dtype=int8) 变量的概念 就是表示计算机中的某一块内存。 a = 10 计算机的某一块内存空间会有两个原始的属性 大小: ...
分类:
编程语言 时间:
2020-08-05 23:25:40
阅读次数:
107
import tensorflow as tf import numpy as np x = np.array([1, 2, 3, 4]) y = np.array([0,0,1,1]) w = tf.Variable(1.) b = tf.Variable(1.) sigmodX = 1 / (1 ...
分类:
其他好文 时间:
2020-08-04 16:42:00
阅读次数:
91
对array沿某个维度进行复制 np.tile(array, (times, 1)) #times是复制的次数 当需要把一个(n,)的向量转为形状是(n,1)或者(1,n)的array,除了用np.reshape,还可以: array[:,np.newaxis] ...
分类:
编程语言 时间:
2020-08-03 17:21:52
阅读次数:
78
运行结果: 程序代码如下: #将excel中的数据进行读取分析 import openpyxl import numpy as np import math import matplotlib.pyplot as pit wk=openpyxl.load_workbook('信息11.xlsx') ...
分类:
编程语言 时间:
2020-08-03 09:40:29
阅读次数:
78
import torch import torchvision import torchvision.transforms as transforms import matplotlib.pyplot as plt import numpy as np import torch.nn as nn i ...
分类:
其他好文 时间:
2020-08-01 14:37:16
阅读次数:
100
1.定义 dataloader import torch import torchvision import torchvision.transforms as transforms import matplotlib.pyplot as plt import numpy as np import ...
分类:
其他好文 时间:
2020-08-01 14:36:14
阅读次数:
128
import tensorflow as tf import matplotlib.pylab as plt import numpy as np # 调用数据 boston_house = tf.keras.datasets.boston_housing (train_x, train_y), ( ...
分类:
其他好文 时间:
2020-07-31 16:34:52
阅读次数:
103
from __future__ import print_function # 导入相关python库 import os import numpy as np import pandas as pd #设定随机数种子 np.random.seed(36) #使用matplotlib库画图 impo ...
分类:
其他好文 时间:
2020-07-30 16:43:46
阅读次数:
75