python
人间真正走过~
这个作者很懒,什么都没留下…
展开
-
python datetime 返回一个时间段内的所有日期列表
【代码】python datetime 返回一个时间段内的所有日期列表。原创 2022-11-03 13:59:48 · 841 阅读 · 0 评论 -
python如何合并两个dataframe
【代码】python如何合并两个dataframe。原创 2022-10-06 15:02:26 · 2637 阅读 · 0 评论 -
python 判断是否为数字
代码】python 判断是否为数字。原创 2022-08-15 15:40:25 · 408 阅读 · 0 评论 -
使用shapely判断坐标点位于哪个路区
Main_poly=loads(road[i,1])#导入028边界。原创 2022-07-20 14:54:32 · 318 阅读 · 0 评论 -
使用folium绘制移动轨迹
m0=folium.Map([df_33['lat_wgs'].mean(),df_33['lon_wgs'].mean()],zoom_start=30)#中心区域的确定。folium.PolyLine(#polyline方法为将坐标用实线形式连接起来。).add_to(m0)#将这条线添加到刚才的区域m内。df_liushuai,#将坐标点连接起来。color='red',#线的颜色为红色。opacity=0.8,#线的透明度。weight=2,#线的大小为4。...原创 2022-07-20 14:51:19 · 2666 阅读 · 1 评论 -
Python 统计列表中各元素出现的次数
除了中提到的方法还有简单的print(lou_list.count('-1'))原创 2022-07-19 12:03:16 · 354 阅读 · 0 评论 -
sklearn r2_score使用注意
根据https://scikit-learn.org/stable/modules/generated/sklearn.metrics.r2_score.html1.传入参数时最好指定y_true=..., y_pred=...,否则应注意顺序2.注意形状y_true:array-like of shape (n_samples,) or (n_samples, n_outputs)因此需要将数据reshape,从而第一维=n_samples...原创 2022-07-11 14:46:20 · 545 阅读 · 0 评论 -
如何在服务器上安装torch geometric
参照Installation — pytorch_geometric 1.6.1 documentation1、确保安装 PyTorch版本:python -c "import torch; print(torch.__version__)"1.6.0+cu1012、查找安装 PyTorch 的 CUDA 版本:python -c "import torch; print(torch.version.cuda)"10.13、安装相关包:pip install torch-scatter==late原创 2022-07-07 15:05:55 · 459 阅读 · 0 评论 -
@torch.no_grad()
或者中的数据不需要计算梯度,也不会进行反向传播等价于原创 2022-07-07 10:32:18 · 9635 阅读 · 0 评论 -
pytorch使用时一些变量类型的注意事项
1.报错”default_collate: batch must contain tensors, numpy arrays, numbers, dicts or lists; found <U32“原因:检查dataset的getitem,里面每次获得的数据是否是tensors, numpy arrays, numbers, dicts or lists我的原始数据里大多数是float,但含有少数str,调用np.array后还是str,因此for ... in dataloader时,原创 2022-05-26 16:47:10 · 739 阅读 · 0 评论 -
transformer的一些注意
首先长这样:1.关于两种mask参考Transformer 中的mask_Caleb_L的博客-CSDN博客_transformer中的mask1)padding mask在encoder和decoder两个模块里都有padding mask,位置是在softmax之前为什么要使用padding mask,是因为由于encoder和decoder两个模块都会有各自相应的输入,但是输入的句子长度是不一样的,计算attention score会出现偏差,为了保证句子的长度一.原创 2022-05-26 16:03:44 · 690 阅读 · 0 评论 -
opencv.imshow会导致jupyter笔记本崩溃
将cv2.imshow("gradient",gradient)cv2.waitKey(10)cv2.destroyWindow("gradient")换成plt.imshow(gradient)plt.show()原创 2022-05-21 22:59:37 · 571 阅读 · 0 评论 -
pandas dataframe的一些技巧
1. 按日期排序df211['rq']=pd.to_datetime(df211.rq)df211=df211.sort_values(['rq']).reset_index(drop=True)df = df.sort_values(by='date') 应该也行2.去掉特定值行列df211 = df21.drop(df21[df21['road_name']!='汇新家园'].index).reset_index(drop=True)3.统计列中各种值出现次数df2原创 2022-04-24 16:42:30 · 641 阅读 · 0 评论 -
xgboost 查看 学习曲线
1.首先升级xgboost的版本我的是1.5.2查看版本代码:import xgboostxgboost.__version__2.其次查看可以使用的metric:https://xgboost.readthedocs.io/en/latest/parameter.html#learning-task-parametershttps://xgboost.readthedocs.io/en/latest/parameter.html#learning-task-parameters原创 2022-03-29 11:33:09 · 707 阅读 · 0 评论 -
如何查找dataframe中某一列为特定值的行
如何查找Pandas Dataframe中的特定值 - VoidCCtest_2=df11[df11['ztlyqcyly']==0]test_2=df11.iloc[df11['ztlyqcyly']==0]从而将df11中'ztlyqcyly'为0的行取出来。二者效果貌似类似原创 2022-03-24 11:11:30 · 4818 阅读 · 0 评论 -
dropna无效
需要加等号如df22=df22.dropna(how="any")原创 2022-03-17 16:53:58 · 576 阅读 · 0 评论 -
字典的key为int时经过序列化、反序列化操作后会变成str
字典的key为int时经过序列化、反序列化操作后会变成str - 江湖乄夜雨 - 博客园原创 2022-01-31 21:19:30 · 572 阅读 · 0 评论 -
pytorch深度学习任务模板demo
采用 Omniglot 数据 (https://github.com/brendenlake/omniglot) [1][2]。 该数据集包涵 50 种不同字母系统中的共计 1623 种字符。对于这 1623 种字符中的每一种字符, 数据集收集了由 20 个不同人书写该字符的手写图片。用机器学习的术语,该数据集可以看作 一共由 1623*20=32460 个样本组成,样本被均匀分到 1623 类中随机从所有类别中取出 50 类进行分类,每个类别中使用 15 张图片 作为训练数据,5 张图片作为测试数据。原创 2022-01-02 22:25:59 · 1228 阅读 · 0 评论 -
pytorch RuntimeError: one of the variables needed for gradient computation has been modified by
我的错误是逐元素赋值:dist_mat[i,j]=dist_mat[i,j]+beta*1/(1+exp(alpha*(p_-0.5)))改进:先用一个tmp: dist_mat2=torch.zeros_like(dist_mat)对tmp逐元素:dist_mat[i,j]2=beta*1/(1+exp(alpha*(p_-0.5)))之后整体加上即可:dist_mat=dist_mat+dist_mat2...原创 2022-01-02 14:26:48 · 843 阅读 · 0 评论 -
scipy.stats.lognorm使用心得
1.定义若logx服从正态分布,则x服从对数正态分布2.参数设置lognorm.rvs(s, loc=0, scale=1, size=1)中的参数s,loc,scale, 要记住:loc和scale并不是我们通常理解的对数变化后数据的均值mu和标准差sigmalognorm.pdf(x, s) = 1 / (s*x*sqrt(2*pi)) * exp(-1/2*(log(x)/s)**2) for x > 0, s > 0.lognormtakes s as a sh.原创 2021-12-30 10:41:32 · 3970 阅读 · 0 评论 -
python list append extend
当要加入array时extend会将列表按行加入listappend会直接将整个array加入list原创 2021-12-20 17:37:59 · 680 阅读 · 0 评论 -
pytorch xx.to(device)
可以直接model.to(device)但对于dataloader里面的变量如for i, data in enumerate(trainloader): # get the inputs xt, yt = data #torch.Size([32, 1, 28, 28]) #print(xt.size(),yt.size()) xt=xt.to(device) # yt=yt.t...原创 2021-12-16 00:49:34 · 2060 阅读 · 0 评论 -
random.seed np.random.seed区别
两个都用吧lpython - Should I use `random.seed` or `numpy.random.seed` to control random number generation in `scikit-learn`? - Stack OverflowThat depends on whether in your code you are using numpy's random number generator or the one inrandom.The .原创 2021-12-15 11:45:05 · 2135 阅读 · 0 评论 -
一种onehot编码方式
请教了敖老师def transform_time(x,min_=28805,max_=70197,delta=5*60): num=ceil((max_-min_)/delta) x_norm=(x-min_)/(max_-min_) idx=min(int(x_norm*num),num-1) one_hot_=[0 for _ in range(num)] one_hot_[idx]=1 return one_hot_...原创 2021-12-12 23:01:12 · 242 阅读 · 0 评论 -
node2vec
1.可视化from gensim.models import Word2Vec......class EpochLogger(CallbackAny2Vec): '''Callback to log information about training'''# def __init__(self):# self.epoch = 0# def on_epoch_end(self, model):# loss = model.get...原创 2021-12-10 12:56:03 · 1058 阅读 · 0 评论 -
networkx使用笔记
for k,v in G.nodes(data=True): print(k,v)原创 2021-12-09 10:47:07 · 469 阅读 · 0 评论 -
菜品分类与检索大作业踩坑
1.训练速度keras坑很多训练网络时,以下会不同程度上影响速度:1)imagedatagenerator,如果进行数据增强2)图片尺寸3)model.fit。虽然model.fit也支持generator,但速度比fit_generator慢很多以下不一定能提升训练速度1)multi_gpu_model:https://github.com/keras-team/keras/issues/92042)多卡+大batchsize:batchsize大小对训练速度的影响原创 2021-12-03 17:51:52 · 759 阅读 · 0 评论 -
关于opencv-python的一些坑
因为项目需要,需要和c++那边的opencv使用相同的版本,因此想安3.X的版本1.在哪里看可用的版本如果是用pip,先pip install --upgrade pip,在pip install opencv-python==2.vediocapture读取视频返回falseopencv版本太老了,见https://github.com/opencv/opencv-python/releases/tag/11https://github.com/opencv/opencv-python原创 2021-11-10 19:21:16 · 3440 阅读 · 0 评论 -
pd.read_csv,数据中的逗号
python – 将逗号转换为Dataframe中的点 - CocoaChina_一站式开发者成长社区将pandas DataFrame中带逗号的数字字符串转换为float - IT屋-程序员软件开发技术分享社区原创 2021-11-06 17:11:30 · 943 阅读 · 0 评论 -
python中os与路径
见Python OS 文件/目录方法 | 菜鸟教程原创 2021-11-04 13:55:36 · 167 阅读 · 0 评论 -
python 选取excel文件满足特定条件的行
使用ilocdf = pd.read_excel('data.xlsx',engine='openpyxl')x=df.iloc[df.iloc[:, 1].values==i, 6].values #第二列值等于i的所有行的第六列原创 2021-10-24 18:38:13 · 6435 阅读 · 0 评论 -
关于VeRi-776(车辆重识别)数据集
见关于VeRi-776(车辆重识别)数据集 - it610.com原创 2021-10-18 16:56:02 · 6737 阅读 · 1 评论 -
jupyter中断后收集输出信息
zuishi_has={}f = open('record_mse.txt','r') for lines in f: # query_list.append(line.replace('/','').replace('、','').replace(' ','').strip('\n')) #ls = lines.strip(':') ls1=lines.find('step:') #print(ls1) #print(lines[ls1+6:]) .原创 2021-08-11 17:40:07 · 192 阅读 · 0 评论 -
matplotlib画图怎么取消科学计数
有大神用ax.get_yaxis().get_major_formatter().set_scientific(False)但实测没什么用xticks([x1,x2],[str(x1),str(x2)])可行原创 2021-08-09 00:25:00 · 2684 阅读 · 3 评论 -
plt.colorbar颜色条
除了已收藏,见https://www.brothereye.cn/python/427/原创 2021-08-06 22:42:50 · 6234 阅读 · 0 评论 -
plt.barh显示左右两侧柱状图
plt.figure(figsize=(12, 9))# 默认的像素:[6.0,4.0],分辨率为100,图片尺寸为 600&400plt.rcParams['savefig.dpi'] = 100 # 图片像素plt.rcParams['figure.dpi'] = 100 # 分辨率# 作图尺寸#'''#Your codeswidth_val = 5#plt.bar(xx,mse_checkin,width = width_val, facecolor = 'blue'.原创 2021-07-31 17:00:29 · 887 阅读 · 0 评论 -
plt.scatter二维散点图
x_=[i for i in range(20) for _ in range(20)]y_=[i for _ in range(20) for i in range(20) ]#print(x_)#print(y_)size=[]for i in range(20): for j in range(20): size.append(0.1*int(rad[i,j]))#print(size)plt.figure(figsize=(20,20))xx = n...原创 2021-07-28 23:15:31 · 2988 阅读 · 0 评论 -
用pandas遍历csv文件
import pandas as pd df = pd.read_csv('a.csv')for index, row in df.iterrows(): x, y = row['X'], row['Y'] # 像字典一样取出需要的值原创 2021-07-23 12:06:19 · 3005 阅读 · 0 评论 -
pandas读取txt
poi_data1 = pd.read_csv('poi_checkin_result.txt', sep="\t",names=['ID','visit'])原创 2021-07-22 23:07:57 · 11863 阅读 · 0 评论 -
python聚类时根据类心获取label
就是已知点和点集,得到集合中距离目标点最近的一个点的问题import numpy as npset = [np.array([1,1]) , np.array([10,1]) , np.array([1,0])]point = np.array([-1,0])dist = lambda x: np.linalg.norm(x - point)match = min(set, key = dist)print(set.index(match))...原创 2021-07-19 12:05:41 · 363 阅读 · 0 评论