Skip to content

Instantly share code, notes, and snippets.

@erap129
Last active September 26, 2021 13:37
Show Gist options
  • Save erap129/ac385cbe4341f20c85a6b3ec7686ba90 to your computer and use it in GitHub Desktop.
Save erap129/ac385cbe4341f20c85a6b3ec7686ba90 to your computer and use it in GitHub Desktop.
NASA RUL project code snippets
import numpy as np
import pandas as pd
import plotly.express as px
from xgboost import XGBRegressor
from sklearn.preprocessing import MinMaxScaler
from sklearn.metrics import mean_squared_error
from sklearn.linear_model import LinearRegression
from sklearn.model_selection import train_test_split
import tsfresh
from tsfresh import select_features
from tsfresh.utilities.dataframe_functions import impute
from tsfresh import extract_features
from scipy.signal import butter, filtfilt
from scipy import fftpack
import torch
import torch.nn as nn
import torch.nn.functional as F
import torch.optim as optim
from torch.utils.data import Dataset, DataLoader
import pytorch_lightning as pl
from sklearn.preprocessing import LabelEncoder
from multiprocessing import cpu_count
from pytorch_lightning.callbacks import ModelCheckpoint, EarlyStopping
from pytorch_lightning.loggers import TensorBoardLogger
Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment