ctrl+shift+p filters: :st2 :st3 :win :osx :linux
Browse

Python Data Science Snippets

📊 Collection of Sublime Text snippets for data science and machine learning in Python (Imports, NumPy, Pandas, Matplotlib, Scikit-learn, Keras, PyTorch, etc)

Details

Installs

  • Total 2K
  • Win 2K
  • Mac 351
  • Linux 444
Apr 18 Apr 17 Apr 16 Apr 15 Apr 14 Apr 13 Apr 12 Apr 11 Apr 10 Apr 9 Apr 8 Apr 7 Apr 6 Apr 5 Apr 4 Apr 3 Apr 2 Apr 1 Mar 31 Mar 30 Mar 29 Mar 28 Mar 27 Mar 26 Mar 25 Mar 24 Mar 23 Mar 22 Mar 21 Mar 20 Mar 19 Mar 18 Mar 17 Mar 16 Mar 15 Mar 14 Mar 13 Mar 12 Mar 11 Mar 10 Mar 9 Mar 8 Mar 7 Mar 6 Mar 5 Mar 4
Windows 0 1 0 0 1 2 5 1 3 4 1 0 2 3 1 1 1 0 1 1 3 1 0 3 2 1 0 1 1 1 1 0 4 0 2 0 0 4 3 1 1 1 1 0 1 1
Mac 0 0 0 2 0 0 1 0 0 0 0 0 0 0 2 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0
Linux 0 0 0 0 0 0 0 0 2 0 0 0 0 2 0 2 1 0 0 1 0 0 0 2 0 3 1 0 1 1 2 0 1 0 1 1 0 0 0 0 0 0 1 0 0 1

Readme

Source
raw.​githubusercontent.​com

📊 Python Data Science Snippets

Downloads Tag Repo size License

Python Data Science Snippets is a collection of Sublime Text snippets for data science and machine learning in Python.

💻 Installation

The easiest way to install Python Data Science Snippets is through Package Control. After it is enabled inside Sublime Text, open the command palette and find Package Control: Install Package and press ENTER. Then, find Python Data Science Snippets in the list. Press ENTER again, and this package is installed!

📈 Snippets

Imports

Import snippets start with i followed by the package/module's import alias.

Trigger Description
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

Trigger Description
arange np.arange
array np.array
linspace np.linspace
logspace np.logspace
ones np.ones
zeros np.zeros

Pandas

Trigger Description
apply df.apply
columns 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

Trigger Description
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

Trigger Description
knn KNeighborsClassifier
linreg LinearRegression
logreg LogisticRegression
rfc RandomForestClassifier
tts train_test_split

Keras

Trigger Description
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

Trigger Description
dataloader torch.utils.data.DataLoader
device torch.device (cuda/cpu)
module torch.nn.Module

The snippet files are in the snippets folder of this GitHub repository.