1.251.423.0 1.279.441.0 1.257.387.0 1.275.1078.0 1.249.88.0 1.275.1080.0 1.257.401.0 1.275.1744.0 1.275.1346.0 1.249.715.0
View file_streaming_pytorch.py
import torch | |
import io | |
import pandas as pd | |
import gc | |
import numpy as np | |
import transformers | |
''' | |
Original Code Author [@dlibenzi](https://github.com/dlibenzi) |
View itera_dataloader_example.py
import random | |
from itertools import chain, cycle, islice | |
import torch.utils.data as data | |
import matplotlib.pyplot as plt | |
from matplotlib.patches import Rectangle | |
import time | |
import torch | |
import numpy as np |
View colab_setup
# Installs PyTorch, PyTorch/XLA, and Torchvision | |
# Copy this cell into your own notebooks to use PyTorch on Cloud TPUs | |
# Warning: this may take a couple minutes to run | |
import collections | |
from datetime import datetime, timedelta | |
import os | |
import requests | |
import threading |
View current_stats_1-10.md
S.No | Slack Handler | NAME(Author) | Last Updated | NBS LINK | ODS MSG LINK |
---|---|---|---|---|---|
1 | velavok | Alexander Kovalev | 9th Dec | https://nbviewer.jupyter.org/github/Yorko/mlcourse.ai/blob/master/jupyter_english/tutorials/plotly_tutorial_for_interactive_plots_sankovalev.ipynb | https://opendatascience.slack.com/archives/C91N8TL83/p1543267284291700 |
2 | altprof | Gleb Levitski | 9th Dec | http://nbviewer.jupyter.org/github/Yorko/mlcourse.ai/blob/master/jupyter_english/tutorials/basic_semi-supervised_learning_models_altprof.ipynb | https://opendatascience.slack.com/archives/C91N8TL83/p1543848630231700 |
3 | krotix | Aleksandr Korotkov | 9th Dec | https://nbviewer.jupyter.org/github/Yorko/mlcourse.ai/blob/master/jupyter_english/tutorials/yet_another_ensemble_learning_helper_aleksandr_korotkov.ipynb | https://opendatascience.slack.com/archives/C91N8TL83/p1544203317384100 |
4 | Archit Run |
View analyze_stack_python.py
#!/usr/bin/env python | |
# encoding: utf-8 | |
import sys | |
def trace_calls_and_returns(frame, event, arg): | |
co = frame.f_code | |
func_name = co.co_name | |
if func_name == 'write': | |
# Ignore write() calls from print statements |
View kaggle_av_nlp_preprocess.py
#from my repo | |
#https://github.com/AdityaSoni19031997/Machine-Learning/blob/master/AV/AV_Enigma_NLP_functional_api.ipynb | |
def preprocess_word(word): | |
# Remove punctuation | |
word = word.strip('\'"?!,.():;') | |
# Convert more than 2 letter repetitions to 2 letter | |
# funnnnny --> funny | |
word = re.sub(r'(.)\1+', r'\1\1', word) | |
# Remove - & ' |
View VisualRandomForests.ipynb
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
View sample.r
# Importing dataset | |
dataset <- read.csv('ASD.csv') | |
# Taking care of missing data | |
# Fixing ethnicity | |
dataset[dataset == "?"] <- NA | |
summary(dataset) | |
#install.packages('DescTools') | |
library(DescTools) |
NewerOlder