Python
Bill_zhang5
这个作者很懒,什么都没留下…
展开
-
Python中numpy和pandas中axis浅谈
在Python中轴是比较难懂概念,先从坐标轴说起。n 维空间里有 n 个坐标轴,并且坐标轴互相垂直,每一个点相对于一条坐标轴都有唯一的一个坐标值。对同一条坐标轴来说,坐标值相同的点在同一个 n-1 维的“平面”上。任意取一个“平面”,我们就能定义“同一个坐标轴上的点”,这些点在“平面”上的投影相同,同一个坐标轴上的点组成的线是与坐标轴平行的。而所谓的延轴计算实际上是降维的过程,同一个坐标轴原创 2017-07-25 08:43:06 · 2790 阅读 · 0 评论 -
特征选择之计算特征重要性(二):树森林 (forests of trees)
import numpy as npimport matplotlib.pyplot as pltfrom sklearn.datasets import make_classificationfrom sklearn.ensemble import ExtraTreesClassifierfrom sklearn.ensemble import RandomForestClassif...原创 2019-01-03 09:07:40 · 899 阅读 · 0 评论 -
使用Python按照索引查找元素
#Search elements in every row using indexX = np.random.randint(1,10, [5,6])print(X)Y = np.array([0,3,2,4,5])length = len(X)B = [] for i in range(length): Index = np.take(X[i],Y[i]...原创 2019-03-21 09:11:06 · 2941 阅读 · 0 评论 -
One-hot编码Python实现(二)
def dense_to_one_hot(labels_dense, num_classes): """Convert class labels from scalars to one-hot vectors.""" num_labels = labels_dense.shape[0] index_offset = np.arange(num_labels) *...原创 2019-03-21 13:35:45 · 681 阅读 · 0 评论 -
Python实现Complement Entropy Loss 参考 ICLR 2019论文 COMPLEMENT OBJECTIVE TRAINING
import numpy as npdef zero_hot(labels_dense, num_classes): """Convert class labels from scalars to one-hot vectors.""" num_labels = labels_dense.shape[0] index_offset = np.arange(...原创 2019-03-22 09:06:07 · 939 阅读 · 0 评论 -
Softmax 实现源代码
import numpy as npfrom numpy.core._rational_tests import denominatordef softmax(x): #implementation one """ Compute the softmax in a numerically stable way.""" x = x- np.max(x) ...原创 2019-03-22 15:05:46 · 1480 阅读 · 0 评论 -
matplotlib绘制两个柱状图
import matplotlib.pyplot as pltimport numpy as npdata_2 = [93, 92, 93, 91, 92,93]data_3 = [57,56, 57,56,56.,54]labels = ['HL', 'ED', 'HD_2', 'HD_all', 'Voting','ME']fig,ax = plt.subplots(f...原创 2019-05-27 08:50:32 · 3574 阅读 · 0 评论 -
Python绘制箱形图
#coding: utf-8from __future__ import absolute_importfrom __future__ import divisionfrom __future__ import print_functionimport matplotlib.pyplot as pltimport numpy as npall_data = np.loadtxt(...原创 2019-05-27 08:52:02 · 683 阅读 · 0 评论 -
Human Activity Recognition using GRU based on label replication strategy
import tensorflow as tfimport numpy as npfrom sklearn.metrics import classification_report# Load "X" (the neural network's training and testing inputs)from Preprocess_data import read_data_set...原创 2019-05-31 15:06:48 · 286 阅读 · 0 评论 -
基于TensorFlow的图像大小调整
import tensorflow as tfdef TF_image_Resize(path_to_images, method = 0, height =224, width =224): """ using tensorflow to preprocess image data params: method 0: Bilinear interpolation ...原创 2019-07-25 15:21:24 · 904 阅读 · 0 评论 -
TypeError: The value of a feed cannot be a tf.Tensor object.几种情况
1、变量相同for i in range(config.training_epochs): for start, end in zip(range(0, config.train_count, config.batch_size), range(config.batch_size, config.train_count...原创 2018-12-11 20:47:54 · 3492 阅读 · 0 评论 -
离散特征的转化LabelEncoder和OneHotEncoder
from sklearn.preprocessing import LabelEncoderfrom sklearn.preprocessing import OneHotEncoderimport pandas as pdimport numpy as npimport matplotlib.pyplot as pltimport seaborn as snsimport warn...原创 2018-12-22 14:57:57 · 635 阅读 · 0 评论 -
Python按列和按行读取数据
def data_transform(heading, value): """ 按列读取 """ data_length = len(value) ticker_length =len(heading)-1 value_list=[] ticker_list =[] date_list =[] for i in range(tick...原创 2018-11-18 17:49:42 · 11750 阅读 · 0 评论 -
numpy中矩阵有关函数
创建矩阵对于python中的numpy模块,一般用其提供的ndarray对象。 创建一个ndarray对象很简单,只要将一个list作为参数即可。 例如import numpy as np #引入numpy库#创建一维的narray对象a = np.array([1,2,3,4,5])#创建二维的narray对象a2 = np.array([[1,2,3,4,5],[6转载 2017-07-25 09:02:36 · 1260 阅读 · 0 评论 -
csv文件转化为数组及数组的切片
在Python中我们经常会用到两个库Numpy和pandascsv文件转化为数组import numpymy_matrix = numpy.loadtxt(open("c:\\1.csv","rb"),delimiter=",",skiprows=0) //CSV文件转化为数组将数组或者矩阵存储为csv文件可以使用如下代码实现:numpy.savetxt('new.csv', my_ma原创 2017-07-27 20:36:56 · 6766 阅读 · 0 评论 -
Python中lambda和in指用法小结
in的用法小结枚举或遍历>>> for i in range(100): print(i) 01234567判断if 1 in aa:print 'Very Good'else:print 'Not Bad'筛选if 'a' in 'dcv55a'print 'ok'字典中用法my_dict = {i: i * i原创 2017-07-28 11:28:53 · 2965 阅读 · 0 评论 -
Python中super()方法
在面向对象编程中,子类经常要调用父类的方法,在Python中,也不例外。为了调用父类(超类)的一个方法,可以使用 super() 函数,比如:class A: def spam(self): print('A.spam')class B(A): def spam(self): print('B.spam') super原创 2017-08-15 14:52:06 · 1114 阅读 · 0 评论 -
将txt文件批处理转换为csv文件
convert_txt_to_csv(txt_path, csv_path): """Convert the txt file to csv file""" #list to store the filenames and the path data = list_files(path=txt_path) csv_data=[] #l原创 2018-01-11 21:38:25 · 6035 阅读 · 0 评论 -
One_hot编码批处理实现
特征更多的时候是分类特征,而不是连续的数值特征。 比如一个人的特征可以是``[“male”, “female”]``, ["from Europe", "from US", "from Asia"], ["uses Firefox", "uses Chrome", "uses Safari", "uses Internet Explorer"]。 这样的特征可以高效的编码成整数,例如 ["male原创 2018-01-17 11:01:29 · 646 阅读 · 0 评论 -
Python几种读取mat格式数据的方法
matlab中使用的数据一般会以mat的格式存储,用python读取有以下几种方法1、使用scipy,具体实现如下:import scipy.io as scioimport pandas as pddata_path="train.mat"#Method 1data = scio.loadmat(data_path)data_train_label=data_train.get('label')原创 2018-01-18 14:59:20 · 46682 阅读 · 2 评论 -
Python将dat文件批转为csv和txt文件
DAT并不是一种标准文件。许多软件都使用这个扩展名,但文件含义不同。而许多数据分析软件也用这个扩展名保存数据。所以这要看具体的软件情况来定。DAT文件,可以按照扩展名来看就是DATA的意思,即数据文件,这类文件并没有进行绝对化的定义。dat文件批处理转为txt文件#utf-8import osimport syspath_0 =r"C:\Users\dell\Desktop\PAMAP2_...原创 2018-06-07 14:39:39 · 14244 阅读 · 3 评论 -
开源项目收集
https://github.com/loliverhennigh/Convolutional-LSTM-in-Tensorflow https://github.com/xylcbd/blogs_code/blob/master/algorithm-python-knn/knn.py https://machinelearningmastery.com/visualize-machine-lea...原创 2018-11-18 17:40:50 · 250 阅读 · 0 评论 -
linux服务器安装anaconda,然后远程使用jupyter----windows环境
linux服务器安装anaconda:1.1 下载安装脚本:wget https://repo.anaconda.com/archive/Anaconda3-5.2.0-Linux-x86_64.sh1.2 运行安装向导:bash Anaconda3-5.2.0-Linux-x86_64.sh1.3 确认是否安装成功:conda --versionlinux服务器...原创 2019-08-11 15:54:58 · 987 阅读 · 0 评论