ctrl+shift+p filters: :st2 :st3 :win :osx :linux
浏览

Python数据科学代码段

作者 futureprogrammer360 全部

📊 提供Python数据科学和机器学习(导入、NumPy、Pandas、Matplotlib、Scikit-learn、Keras、PyTorch等)的Sublime Text代码片段集合

详细信息

安装次数

  • 总计 2K
  • Win 2K
  • Mac 371
  • Linux 471
8月6日 8月5日 8月4日 8月3日 8月2日 8月1日 7月31日 7月30日 7月29日 7月28日 7月27日 7月26日 7月25日 7月24日 7月23日 7月22日 7月21日 7月20日 7月19日 7月18日 7月17日 7月16日 7月15日 7月14日 7月13日 7月12日 7月11日 7月10日 7月9日 7月8日 7月7日 7月6日 7月5日 7月4日 7月3日 7月2日 7月1日 6月30日 6月29日 6月28日 6月27日 6月26日 6月25日 6月24日 6月23日 6月22日
Windows 0 0 2 0 0 1 1 0 0 1 2 0 1 0 0 1 1 1 1 0 1 0 3 0 0 1 1 1 1 1 0 0 0 0 2 1 1 3 0 0 1 2 2 1 0 2
Mac 1 1 0 1 0 0 0 0 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 0 0 0 0 0 0 0 0
Linux 0 1 0 1 1 0 0 0 1 0 0 1 0 1 0 0 0 0 0 0 1 0 0 0 0 0 0 1 0 0 0 0 0 1 0 0 1 0 0 0 0 0 0 1 0 0

阅读me

源代码
raw.githubusercontent.com

📊 Python数据科学代码段

Downloads Tag Repo size License

Python数据科学代码段 是一个Python数据科学和机器学习的 Sublime Text 代码片段集合。

💻 安装

通过 包控制 安装 Python 数据科学代码段是最简单的方法。在Sublime Text内部启用后,打开命令板,查找 包控制: 安装包 并按 ENTR 键。然后在列表中查找 Python数据科学代码段,再按 ENTR 键,即可安装此包!

📈 代码片段

导入

导入代码片段以 i 开头,后跟包/模块的导入别名。

触发 描述
ikeras from tensorflow import keras
inp import numpy as np
ipd import pandas as pd
iplt import matplotlib.pyplot as plt
isklearn from sklearn.$1 import $2
isns import seaborn as sns
itf import tensorflow as tf
itorch import torch
inn from torch import nn
idl from torch.utils.data import DataLoader

NumPy

触发 描述
arange np.arange
数组 np.array
linspace np.linspace
logspace np.logspace
ones np.ones
zeros np.zeros

Pandas

触发 描述
apply df.apply
df.columns
describe df.describe
df pd.DataFrame
dropna df.dropna
fillna df.fillna
groupby df.groupby
head df.head
read_csv pd.read_csv
rename df.rename
reset_index df.reset_index
sample df.sample
ser pd.Series
tail df.tail
to_csv df.to_csv
to_datetime pd.to_datetime

Matplotlib

触发 描述
annotate plt.annotate
bar_label plt.bar_label
bar plt.bar
barh plt.barh
fill_between plt.fill_between
hist plt.hist
imread plt.imread
imsave plt.imsave
imshow plt.imshow
legend plt.legend
pie plt.pie
plot plt.plot
savefig plt.savefig
scatter plt.scatter
show plt.show
stackplot plt.stackplot
subplot plt.subplot
subplots plt.subplots
suptitle plt.suptitle
text plt.text
tight_layout plt.tight_layout
title plt.title
xlabel plt.xlabel
xlim plt.xlim
ylabel plt.ylabel
ylim plt.ylim

Scikit-learn

触发 描述
knn KNeighborsClassifier
linreg LinearRegression
logreg LogisticRegression
rfc RandomForestClassifier
tts train_test_split

Keras

触发 描述
compile model.compile
evaluate model.evaluate
fit model.fit
layer keras.layers.layer
load_model keras.models.load_model
predict model.predict
save model.save
sequential keras.Sequential

PyTorch

触发 描述
dataloader torch.utils.data.DataLoader
device torch.device (cuda/cpu)
module torch.nn.Module

片段文件存放在snippets文件夹中,该文件夹位于此GitHub仓库