Dataset Viewer
repo_name
stringlengths 7
71
| file_path
stringlengths 5
118
| context
listlengths 20
385
| import_statement
stringlengths 45
12.5k
| token_num
int64 641
99.4k
| cropped_code
stringlengths 44
17k
| all_code
stringlengths 43
754k
| next_line
stringlengths 2
330
| gold_snippet_index
int64 0
68
| created_at
stringlengths 25
25
| level
stringclasses 9
values | seq_length
int64 131k
131k
|
---|---|---|---|---|---|---|---|---|---|---|---|
DLYuanGod/TinyGPT-V | minigpt4/processors/blip_processors.py | [{"identifier":"registry","path":"minigpt4/common/registry.py","snippet":"class Registry:\n def r(...TRUNCATED) | "import re\nfrom minigpt4.common.registry import registry\nfrom minigpt4.processors.base_processor i(...TRUNCATED) | 756 | "\"\"\"\n Copyright (c) 2022, salesforce.com, inc.\n All rights reserved.\n SPDX-License-Identifier:(...TRUNCATED) | "\"\"\"\n Copyright (c) 2022, salesforce.com, inc.\n All rights reserved.\n SPDX-License-Identifier:(...TRUNCATED) | class BlipImageBaseProcessor(BaseProcessor): | 1 | 2023-12-28 05:47:18+00:00 | 2k | 131,072 |
jianchang512/vocal-separate | start.py | [{"identifier":"cfg","path":"vocal/cfg.py","snippet":"LANG = \"en\" if locale.getdefaultlocale()[0].(...TRUNCATED) | "import logging\nimport threading\nimport sys\nimport os\nimport subprocess\nfrom flask import Flask(...TRUNCATED) | 795 | "\nclass CustomRequestHandler(WSGIHandler):\n def log_request(self):\n pass\n\n# 禁用 We(...TRUNCATED) | "\nclass CustomRequestHandler(WSGIHandler):\n def log_request(self):\n pass\n\n# 禁用 We(...TRUNCATED) | rs = tool.runffmpeg(params) | 1 | 2023-12-26 06:20:35+00:00 | 2k | 131,071 |
ali-vilab/dreamtalk | core/networks/dynamic_fc_decoder.py | [{"identifier":"_get_activation_fn","path":"core/networks/transformer.py","snippet":"def _get_activa(...TRUNCATED) | "import torch.nn as nn\nimport torch\nfrom core.networks.transformer import _get_activation_fn, _get(...TRUNCATED) | 1,476 | "\n\n\nclass DynamicFCDecoderLayer(nn.Module):\n def __init__(\n self,\n d_model,\n(...TRUNCATED) | "\n\n\nclass DynamicFCDecoderLayer(nn.Module):\n def __init__(\n self,\n d_model,\n(...TRUNCATED) | self.layers = _get_clones(decoder_layer, num_layers) | 1 | 2023-12-28 05:39:31+00:00 | 2k | 131,070 |
jiawei-ren/dreamgaussian4d | diffusers/src/diffusers/models/activations.py | [{"identifier":"USE_PEFT_BACKEND","path":"diffusers/src/diffusers/utils/constants.py","snippet":"USE(...TRUNCATED) | "import torch\nimport torch.nn.functional as F\nfrom torch import nn\nfrom ..utils import USE_PEFT_B(...TRUNCATED) | 1,423 | "# coding=utf-8\n# Copyright 2023 HuggingFace Inc.\n#\n# Licensed under the Apache License, Version (...TRUNCATED) | "# coding=utf-8\n# Copyright 2023 HuggingFace Inc.\n#\n# Licensed under the Apache License, Version (...TRUNCATED) | linear_cls = LoRACompatibleLinear if not USE_PEFT_BACKEND else nn.Linear | 1 | 2023-12-28 08:17:40+00:00 | 2k | 131,072 |
Meituan-AutoML/MobileVLM | mobilevlm/model/mobilevlm.py | [{"identifier":"build_vision_tower","path":"mobilevlm/model/vision_encoder.py","snippet":"def build_(...TRUNCATED) | "import torch\nimport torch.nn as nn\nfrom abc import ABC, abstractmethod\nfrom transformers import (...TRUNCATED) | 1,423 | "\n\nclass MobileVLMMetaModel:\n\n def __init__(self, config):\n super(MobileVLMMetaModel,(...TRUNCATED) | "\n\nclass MobileVLMMetaModel:\n\n def __init__(self, config):\n super(MobileVLMMetaModel,(...TRUNCATED) | if (cur_input_ids == IMAGE_TOKEN_INDEX).sum() == 0: | 3 | 2023-12-29 03:35:49+00:00 | 2k | 131,072 |
kinggongzilla/ai-clone-whatsapp | utils/config_utils.py | [{"identifier":"datasets","path":"configs/datasets.py","snippet":"class custom_dataset:"},{"identifi(...TRUNCATED) | "import inspect\nimport torch.distributed as dist\nfrom dataclasses import asdict\nfrom torch.utils.(...TRUNCATED) | 1,507 | "# Copyright (c) Meta Platforms, Inc. and affiliates.\n# This software may be used and distributed a(...TRUNCATED) | "# Copyright (c) Meta Platforms, Inc. and affiliates.\n# This software may be used and distributed a(...TRUNCATED) | configs = (lora_config, llama_adapter_config, prefix_config) | 1 | 2023-12-28 00:02:08+00:00 | 2k | 131,072 |
FoundationVision/UniRef | projects/UniRef/uniref/models/deformable_detr/matcher.py | [{"identifier":"box_cxcywh_to_xyxy","path":"projects/UniRef/uniref/util/box_ops.py","snippet":"def b(...TRUNCATED) | "import torch\nimport torch.nn.functional as F\nimport torchvision.ops as ops\nfrom scipy.optimize i(...TRUNCATED) | 1,206 | "# ------------------------------------------------------------------------\n# Deformable DETR\n# Co(...TRUNCATED) | "# ------------------------------------------------------------------------\n# Deformable DETR\n# Co(...TRUNCATED) | " cost_giou = -generalized_box_iou(box_cxcywh_to_xyxy(bz_boxes), box_cxcywh_to_xyxy((...TRUNCATED) | 1 | 2023-12-22 13:31:33+00:00 | 2k | 131,072 |
xhuangcv/humannorm | threestudio/models/materials/neural_radiance_material.py | [{"identifier":"BaseMaterial","path":"threestudio/models/materials/base.py","snippet":"class BaseMat(...TRUNCATED) | "import random\nimport torch\nimport torch.nn as nn\nimport torch.nn.functional as F\nimport threest(...TRUNCATED) | 1,149 | "\n\n\n\n@threestudio.register(\"neural-radiance-material\")\nclass NeuralRadianceMaterial(BaseMater(...TRUNCATED) | "\n\n\n\n@threestudio.register(\"neural-radiance-material\")\nclass NeuralRadianceMaterial(BaseMater(...TRUNCATED) | self.encoding = get_encoding(3, self.cfg.dir_encoding_config) | 1 | 2023-12-23 12:37:48+00:00 | 2k | 131,070 |
jianchang512/stt | start.py | [{"identifier":"cfg","path":"stslib/cfg.py","snippet":"LANG = \"en\" if locale.getdefaultlocale()[0](...TRUNCATED) | "import logging\nimport re\nimport threading\nimport sys\nimport torch\nimport os\nfrom flask import(...TRUNCATED) | 836 | "\ndevice = \"cuda\" if torch.cuda.is_available() else \"cpu\"\n\nclass CustomRequestHandler(WSGIHan(...TRUNCATED) | "\ndevice = \"cuda\" if torch.cuda.is_available() else \"cpu\"\n\nclass CustomRequestHandler(WSGIHan(...TRUNCATED) | rs = tool.runffmpeg(params) | 1 | 2023-12-28 16:02:55+00:00 | 2k | 131,072 |
jesenzhang/ComfyUI_StreamDiffusion | streamdiffusion/pipeline.py | [{"identifier":"SimilarImageFilter","path":"streamdiffusion/image_filter.py","snippet":"class Simila(...TRUNCATED) | "import time\nimport numpy as np\nimport PIL.Image\nimport torch\nfrom typing import List, Optional,(...TRUNCATED) | 1,162 | "\n\n\n\nclass StreamDiffusion:\n def __init__(\n self,\n pipe: StableDiffusionPipe(...TRUNCATED) | "\n\n\n\nclass StreamDiffusion:\n def __init__(\n self,\n pipe: StableDiffusionPipe(...TRUNCATED) | self.similar_filter = SimilarImageFilter() | 0 | 2023-12-29 09:00:03+00:00 | 2k | 131,071 |
End of preview. Expand
in Data Studio
- Downloads last month
- 62