深度学习-python编程
Katherine_0214
计算机视觉,3D-deep learning
展开
-
Python读取CSV文件
普通读取方法with open("fileName.csv") as file: for line in file: print line用CSV标准库读取import csvcsv_reader = csv.reader(open("fileName.csv"))for row in csv_reader: print row用pandas读取import panda...转载 2019-01-18 10:06:52 · 200 阅读 · 0 评论 -
Python中的NumPy(二)——索引(Indexing)
索引1、索引索引的时候要用中括号,即 x[0]# Indexingx = np.array([1, 2, 3])print ("x[0]: ", x[0])x[0] = 0print ("x: ", x)输出结果:x[0]: 1x: [0 2 3]2、Slicing# Slicingx = np.array([[1,2,3,4], [5,6,7,8], [9,...原创 2019-01-15 15:54:58 · 1637 阅读 · 0 评论 -
Python中的NumPy(三)——阵列数学(Array Math)
阵列数学1、基础数学# Basic mathx = np.array([[1,2], [3,4]], dtype=np.float64)y = np.array([[1,2], [3,4]], dtype=np.float64)print("x:\n",x)print("y:\n",y)print ("x + y:\n", np.add(x, y)) # or x + y原创 2019-01-16 09:33:40 · 1396 阅读 · 0 评论 -
Python中的NumPy(四)——进阶(Advanced)
进阶1、拼贴(Tile)重复n行n列# Tilex = np.array([[1,2], [3,4]])y = np.array([5, 6])addent = np.tile(y, (len(x), 1)) % lens(x)=2print ("addent: \n", addent)z = x + addentprint ("z:\n", z)输出结果:adde...原创 2019-01-16 09:33:49 · 236 阅读 · 0 评论 -
应用:线性回归问题(Linear Regression)
线性回归问题一、理论y^=XW\hat{y}=XWy^=XW 其中,y^\hat{y}y^是预测值,N行1列(N是样本数)XXX是输入值()原创 2019-01-21 13:33:22 · 823 阅读 · 0 评论 -
PyTorch
PyTorch一、张量基础import numpy as npimport torch# Creating a zero tensorx = torch.Tensor(3, 4)print("Type: {}".format(x.type()))print("Size: {}".format(x.shape))print("Values: \n{}".format(x))输出...原创 2019-01-26 12:49:36 · 183 阅读 · 0 评论 -
应用:逻辑回归问题(Logisitic Regression)
逻辑回归一、理论1、二分类(logistic regression)二项逻辑回归的主要思想是将输出的线性方程(z=XWz = XWz=XW)通过使用Simoid(Logistic)函数11+e−z\frac{1}{1+e^{-z}}1+e−z1限制在值(0,1)之间。y^=11+e−XW\hat{y}=\frac{1}{1+e^{-XW}}y^=1+e−XW1 其中,y^\ha...原创 2019-01-21 17:03:31 · 600 阅读 · 0 评论 -
应用:用NumPy求解多元线性回归问题
用numpy求解方程组线性代数中比较常见的问题之一是求解矩阵向量方程。 这是一个例子。 我们寻找解决方程的向量xA x = b当我们首先构建A和b的数组A = np.array([[2,1,-2],[3,0,1],[1,1,-1]])b = np.transpose(np.array([[-3,5,-2]])为了解决这个系统x = np.linalg.solve(A,b)应...翻译 2019-01-16 15:32:05 · 2673 阅读 · 0 评论 -
TensorFlow(一)
TensorFlow(一)原创 2019-02-12 14:35:13 · 153 阅读 · 0 评论 -
TensorFlow(二)
TensorFlow(二)原创 2019-02-12 14:39:26 · 143 阅读 · 0 评论 -
Python中的NumPy(一)——基础(Basics)
NumPy基础import numpy as np# Set seed for reproducibilitynp.random.seed(seed=1234)1、标量(0维数组)标量就是简简单单一个数(0维数组放在0个中括号内)标量没有维度shape是指形状,因为标量没有维度,所以也就没有形状size是指有几个数# Scalarsx = np.array(6) # s...原创 2019-01-15 15:09:05 · 238 阅读 · 0 评论 -
Python数据结构基础(三)——类(Class)
二、类类是Python中面向对象编程的基本部分。# Creating the classclass Pets(object): # Initialize the class def __init__(self, species, color, name): self.species = species self.color = color...原创 2019-01-15 14:29:58 · 575 阅读 · 0 评论 -
Python数据结构基础(三)——函数(Functions)
一、函数函数是一种模块化可重用代码片段的方法。函数分为两块:一个是函数的定义;一个是函数的调用函数的定义即def 后面的,其中这里的参数叫做形参函数的调用时的参数叫做实参Practise 1:# Create a functiondef add_two(x): x += 2 return x# Use the functionscore = 0score ...原创 2019-01-15 14:02:36 · 275 阅读 · 0 评论 -
应用:NumPy实现k均值聚类算法(K-means)
NumPy实现k均值聚类算法(K-means)一、K-means聚类算法简介其伪代码如下:创建k个点作为初始的质心点(随机选择)当任意一个点的簇分配结果发生改变时 对数据集中的每一个数据点 对每一个质心 计算质心与数据点的距离 将数据点分配到距离最近的簇 对每一个簇,计算簇中所有点的均值,并将均值作为质心下图展示...转载 2019-01-19 12:18:47 · 3628 阅读 · 0 评论 -
Python中的Pandas
PandasPandas是用于数据分析的在本文中,我们用titanic.csv的数据进行分析一、加载数据import pandas as pd# Read from CSV to Pandas DataFramedf = pd.read_csv("titanic.csv", header=0)二、数据分析1、查看数据前n行# First five itemsdf.head(5...原创 2019-01-19 15:15:59 · 246 阅读 · 0 评论 -
Python数据结构基础(一)——变量(Variable)
一、变量# int variablex=5print(x)print(type(x))# float variablex = 5.0print (x)print (type(x))# text variablex = "5" print (x)print (type(x))# boolean variablex = Trueprint (原创 2019-01-15 13:03:12 · 1407 阅读 · 0 评论 -
Python数据结构基础(一)——列表(List)
二、列表列表(list)相当于向量列表(list)要用 [ ] 来装数字1、创建一个列表# Creating a listlist_x = [3, "hello", 1]print (list_x)输出结果:[3, 'hello', 1]...原创 2019-01-15 13:03:37 · 305 阅读 · 0 评论 -
Python数据结构基础(一)——元组(Tuple)
三、元组元组也是Python中的对象,可以保存数据,但不能替换它们的值(因此,元组称为不可变,而列表称为可变)。元组(tuples)要用 ( ) 来装数字元组(tuples)中的内容不可改变1、创建一个元组# Creating a tupletuple_x = (3.0, "hello")print (tuple_x)输出结果:(3.0, 'hello')2、向元组中加...原创 2019-01-15 13:12:39 · 273 阅读 · 0 评论 -
Python数据结构基础(一)——字典(Dictionary)
四、字典字典是保存“关键字-对应值”的Python对象。在下面的示例字典中,关键字是“name”和“eye_color”变量。它们每个都有一个对应的值。字典不能有两个相同的关键字。字典(dictionaries)用 { } 来装值字典(dictionaries)中的关键字和对应的值都要用双引号引起来1、创建一个字典# Creating a dictionarygoku = {"na...原创 2019-01-15 13:27:48 · 152 阅读 · 0 评论 -
Python数据结构基础(二)——If语句
一、If语句需要注意的是:在Python中If语句或循环语句是没有用大括号括起来的,所以编写程序时一定要严格按照编写格式来,什么时候要**Tab(空格)**一定不能忘记!!Practise 1:# If statementx = 4if x < 1: score = "low"elif x <= 4: score = "medium"el原创 2019-01-15 13:40:40 · 485 阅读 · 0 评论 -
Python数据结构基础(二)——For/While循环语句
二、循环语句在Python中,您可以使用for循环来遍历序列的元素,如列表或元组,或者使用while循环在条件允许的情况下重复执行某些操作。1、For循环结构:for i in *** : statementPractise 1:# For loopx = 1for i in range(3): # goes from i=0 to i=2 x += 1 # same ...原创 2019-01-15 13:56:20 · 222 阅读 · 0 评论 -
PyTorch(一)
PyTorch(一)一、回归问题1、建立数据集import torchimport matplotlib.pyplot as pltx = torch.unsqueeze(torch.linspace(-1, 1, 100), dim=1) # x data (tensor), shape=(100, 1)y = x.pow(2) + 0.2*torch.rand(x.size()...转载 2019-02-12 16:11:09 · 151 阅读 · 0 评论