As configured in my dotfiles.
start new:
tmux
start new with session name:
####################### | |
# CODE BASED ON https://github.com/hyunwoongko/transformer/blob/master/README.md | |
####################### | |
import torch | |
import torch.nn as nn | |
import math | |
from torch.cuda.amp import autocast | |
import torch.nn.functional as F |
#!/bin/bash | |
echo "Gathering detailed node information..." | |
scontrol show nodes | |
echo "Gathering partition information..." | |
scontrol show partition | |
echo "Gathering cluster configuration..." | |
scontrol show config |
""" To use: install LLM studio (or Ollama), clone OpenVoice, run this script in the OpenVoice directory | |
git clone https://github.com/myshell-ai/OpenVoice | |
cd OpenVoice | |
git clone https://huggingface.co/myshell-ai/OpenVoice | |
cp -r OpenVoice/* . | |
pip install whisper pynput pyaudio | |
""" | |
from openai import OpenAI | |
import time |
#!/usr/bin/env python | |
import matplotlib.pyplot as plt | |
import torch | |
import torch.nn as nn | |
from sklearn.datasets import make_moons | |
from torch import Tensor | |
from torch.distributions import Normal | |
from tqdm import tqdm |
#!/usr/bin/env bash | |
# Common steps | |
conda create -n k2 python=3.8 | |
conda activate k2 | |
conda install -c nvidia cudnn=7.6.5 cudatoolkit=10.2 | |
conda install -c pytorch pytorch torchaudio | |
pip install cmake | |
mkdir build | |
pushd build |
#!/usr/bin/env python | |
# -*- coding: utf-8 -*- | |
from argparse import ArgumentParser | |
import torch | |
import torch.distributed as dist | |
from torch.nn.parallel import DistributedDataParallel as DDP | |
from torch.utils.data import DataLoader, Dataset | |
from torch.utils.data.distributed import DistributedSampler | |
from transformers import BertForMaskedLM |
As configured in my dotfiles.
start new:
tmux
start new with session name:
Category | State | SGE Letter Code |
---|---|---|
Pending | pending | qw |
Pending | pending, user hold | qw |
Pending | pending, system hold | hqw |
Pending | pending, user and system hold | hqw |
Pending | pending, user hold, re-queue | hRwq |
Pending | pending, system hold, re-queue | hRwq |