remove unused imports

This commit is contained in:
PhaneeshB
2023-05-20 20:33:15 +05:30
committed by Phaneesh Barwaria
parent a6f88d7f72
commit eb360e255d
2 changed files with 0 additions and 23 deletions

View File

@@ -1,25 +1,12 @@
import torch
import torch_mlir
from transformers import (
AutoModelForCausalLM,
AutoTokenizer,
pipeline,
StoppingCriteria,
StoppingCriteriaList,
TextIteratorStreamer,
)
import time
import numpy as np
from torch.nn import functional as F
import os
from threading import Thread
from typing import List
from io import BytesIO
from pathlib import Path
from shark.shark_downloader import download_public_file
from shark.shark_inference import SharkInference
from pathlib import Path
from apps.language_models.utils import get_torch_mlir_module_bytecode
@@ -140,7 +127,6 @@ def get_tokenizer():
# sharkStableLM = compile_stableLM(None, tuple([input_ids, attention_mask]), "stableLM_linalg_f32_seqLen256", "/home/shark/vivek/stableLM_shark_f32_seqLen256")
def generate(
new_text,
# streamer,
max_new_tokens,
do_sample,
top_p,

View File

@@ -1,17 +1,11 @@
import sys
import warnings
warnings.filterwarnings("ignore")
import torch
import torch_mlir
from transformers import AutoTokenizer, AutoModelForCausalLM
from torch.fx.experimental.proxy_tensor import make_fx
from torch._decomp import get_decompositions
from typing import List
from io import BytesIO
from pathlib import Path
from shark.shark_downloader import download_public_file
from shark.shark_importer import transform_fx as transform_fx_
import re
from shark.shark_inference import SharkInference
from tqdm import tqdm
@@ -19,9 +13,6 @@ from torch_mlir import TensorPlaceholder
from apps.language_models.utils import get_torch_mlir_module_bytecode
import argparse
class FirstVicunaLayer(torch.nn.Module):
def __init__(self, model):
super().__init__()