Commit
·
8b62e96
1
Parent(s):
5cb8a2b
Update parquet files (step 4 of 397)
Browse filesThis view is limited to 50 files because it contains too many changes.
See raw diff
- spaces/0x7194633/mbrat-ru-sum/app.py +0 -13
- spaces/17TheWord/vits-models/models.py +0 -533
- spaces/1acneusushi/gradio-2dmoleculeeditor/data/Gili-sms Full !LINK! Version.md +0 -106
- spaces/1pelhydcardo/ChatGPT-prompt-generator/assets/Baixe Township com dinheiro infinito e construa sua cidade dos sonhos em 2022.md +0 -199
- spaces/1pelhydcardo/ChatGPT-prompt-generator/assets/Criminal Case The Conspiracy MOD APK - The Best Way to Play the Game.md +0 -92
- spaces/1phancelerku/anime-remove-background/Download E-Aadhaar Online Step by Step Guide.md +0 -104
- spaces/1phancelerku/anime-remove-background/Download Who Wants to Be a Millionaire Game for PC and Win Big Prizes.md +0 -104
- spaces/44ov41za8i/FreeVC/speaker_encoder/hparams.py +0 -31
- spaces/AIConsultant/MusicGen/audiocraft/quantization/__init__.py +0 -9
- spaces/AIGC-Audio/Make_An_Audio_inpaint/ldm/modules/encoders/__init__.py +0 -0
- spaces/AIWaves/SOP_Generation-single/README copy.md +0 -13
- spaces/ASJMO/freegpt/g4f/Provider/Providers/hteyun.py +0 -34
- spaces/AchyuthGamer/OpenGPT-Chat-UI/src/lib/utils/trimPrefix.ts +0 -6
- spaces/AgentVerse/agentVerse/ui/src/phaser3-rex-plugins/plugins/line.js +0 -2
- spaces/AlexWang/lama/bin/blur_predicts.py +0 -57
- spaces/Alichuan/VITS-Umamusume-voice-synthesizer/text/__init__.py +0 -32
- spaces/Androidonnxfork/CivitAi-to-Diffusers/diffusers/docs/source/en/api/pipelines/stable_diffusion/inpaint.md +0 -57
- spaces/Androidonnxfork/CivitAi-to-Diffusers/diffusers/docs/source/en/using-diffusers/contribute_pipeline.md +0 -181
- spaces/Andy1621/uniformer_image_detection/mmdet/models/losses/ghm_loss.py +0 -172
- spaces/Andy1621/uniformer_image_detection/mmdet/models/roi_heads/mask_heads/__init__.py +0 -17
- spaces/Apex-X/nono/roop/processors/frame/__init__.py +0 -0
- spaces/Atualli/yoloxTeste/yoloxdetect2/configs/__init__.py +0 -0
- spaces/Awiny/Image2Paragraph/models/grit_src/third_party/CenterNet2/detectron2/data/datasets/lvis_v1_categories.py +0 -0
- spaces/AzinZ/vitscn/mel_processing.py +0 -112
- spaces/Benson/text-generation/Examples/50 30 Yoruba Pelcula Descargar.md +0 -51
- spaces/Benson/text-generation/Examples/Charger Play Store.md +0 -126
- spaces/Benson/text-generation/Examples/Cmo Descargar Pokerstars En Pases Prohibidos.md +0 -62
- spaces/Big-Web/MMSD/env/Lib/site-packages/pip/_internal/utils/appdirs.py +0 -52
- spaces/Big-Web/MMSD/env/Lib/site-packages/pip/_vendor/chardet/big5freq.py +0 -386
- spaces/Big-Web/MMSD/env/Lib/site-packages/pip/_vendor/platformdirs/version.py +0 -4
- spaces/Boadiwaa/Recipes/openai/openai_object.py +0 -294
- spaces/Bradjan310/ehartford-Wizard-Vicuna-30B-Uncensored/README.md +0 -12
- spaces/CVPR/Dual-Key_Backdoor_Attacks/bottom-up-attention-vqa/base_model.py +0 -60
- spaces/CVPR/lama-example/models/ade20k/segm_lib/utils/data/distributed.py +0 -58
- spaces/CVPR/regionclip-demo/detectron2/export/caffe2_inference.py +0 -161
- spaces/CVPR/regionclip-demo/detectron2/utils/collect_env.py +0 -211
- spaces/Caoyunkang/Segment-Any-Anomaly/GroundingDINO/groundingdino/models/GroundingDINO/__init__.py +0 -15
- spaces/Cherrycreamco/webui/oh-no.py +0 -14
- spaces/CrucibleAI/ControlNetMediaPipeFaceSD21/cldm/hack.py +0 -111
- spaces/Cyril666/ContourNet-ABI/maskrcnn_benchmark/utils/model_serialization.py +0 -80
- spaces/DAMO-NLP-SG/Video-LLaMA/video_llama/models/blip2_outputs.py +0 -111
- spaces/DQChoi/gpt-demo/venv/lib/python3.11/site-packages/filelock/_util.py +0 -37
- spaces/DQChoi/gpt-demo/venv/lib/python3.11/site-packages/fontTools/ttLib/tables/C_P_A_L_.py +0 -297
- spaces/DaCuteRaccoon/dalle-mini/index.html +0 -295
- spaces/Dagfinn1962/stablediffusion-members/images.py +0 -22
- spaces/Datasculptor/MusicGen/audiocraft/models/musicgen.py +0 -362
- spaces/DeepLabCut/MegaDetector_DeepLabCut/DLC_models/models.py +0 -60
- spaces/DollieHell/pisa/README.md +0 -10
- spaces/DragGan/DragGan-Inversion/training/__init__.py +0 -9
- spaces/ECCV2022/PSG/OpenPSG/configs/_base_/datasets/psg.py +0 -93
spaces/0x7194633/mbrat-ru-sum/app.py
DELETED
@@ -1,13 +0,0 @@
|
|
1 |
-
import gradio as gr
|
2 |
-
from transformers import MBartTokenizer, MBartForConditionalGeneration
|
3 |
-
|
4 |
-
model_name = "IlyaGusev/mbart_ru_sum_gazeta"
|
5 |
-
tokenizer = MBartTokenizer.from_pretrained(model_name)
|
6 |
-
model = MBartForConditionalGeneration.from_pretrained(model_name)
|
7 |
-
|
8 |
-
def summarize(text):
|
9 |
-
input_ids = tokenizer.batch_encode_plus([text], return_tensors="pt", max_length=1024)["input_ids"].to(model.device)
|
10 |
-
summary_ids = model.generate(input_ids=input_ids, no_repeat_ngram_size=4)
|
11 |
-
return tokenizer.decode(summary_ids[0], skip_special_tokens=True)
|
12 |
-
|
13 |
-
gr.Interface(fn=summarize, inputs="text", outputs="text", description="Russian Summarizer").launch()
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/17TheWord/vits-models/models.py
DELETED
@@ -1,533 +0,0 @@
|
|
1 |
-
import math
|
2 |
-
import torch
|
3 |
-
from torch import nn
|
4 |
-
from torch.nn import functional as F
|
5 |
-
|
6 |
-
import commons
|
7 |
-
import modules
|
8 |
-
import attentions
|
9 |
-
import monotonic_align
|
10 |
-
|
11 |
-
from torch.nn import Conv1d, ConvTranspose1d, Conv2d
|
12 |
-
from torch.nn.utils import weight_norm, remove_weight_norm, spectral_norm
|
13 |
-
from commons import init_weights, get_padding
|
14 |
-
|
15 |
-
|
16 |
-
class StochasticDurationPredictor(nn.Module):
|
17 |
-
def __init__(self, in_channels, filter_channels, kernel_size, p_dropout, n_flows=4, gin_channels=0):
|
18 |
-
super().__init__()
|
19 |
-
filter_channels = in_channels # it needs to be removed from future version.
|
20 |
-
self.in_channels = in_channels
|
21 |
-
self.filter_channels = filter_channels
|
22 |
-
self.kernel_size = kernel_size
|
23 |
-
self.p_dropout = p_dropout
|
24 |
-
self.n_flows = n_flows
|
25 |
-
self.gin_channels = gin_channels
|
26 |
-
|
27 |
-
self.log_flow = modules.Log()
|
28 |
-
self.flows = nn.ModuleList()
|
29 |
-
self.flows.append(modules.ElementwiseAffine(2))
|
30 |
-
for i in range(n_flows):
|
31 |
-
self.flows.append(modules.ConvFlow(2, filter_channels, kernel_size, n_layers=3))
|
32 |
-
self.flows.append(modules.Flip())
|
33 |
-
|
34 |
-
self.post_pre = nn.Conv1d(1, filter_channels, 1)
|
35 |
-
self.post_proj = nn.Conv1d(filter_channels, filter_channels, 1)
|
36 |
-
self.post_convs = modules.DDSConv(filter_channels, kernel_size, n_layers=3, p_dropout=p_dropout)
|
37 |
-
self.post_flows = nn.ModuleList()
|
38 |
-
self.post_flows.append(modules.ElementwiseAffine(2))
|
39 |
-
for i in range(4):
|
40 |
-
self.post_flows.append(modules.ConvFlow(2, filter_channels, kernel_size, n_layers=3))
|
41 |
-
self.post_flows.append(modules.Flip())
|
42 |
-
|
43 |
-
self.pre = nn.Conv1d(in_channels, filter_channels, 1)
|
44 |
-
self.proj = nn.Conv1d(filter_channels, filter_channels, 1)
|
45 |
-
self.convs = modules.DDSConv(filter_channels, kernel_size, n_layers=3, p_dropout=p_dropout)
|
46 |
-
if gin_channels != 0:
|
47 |
-
self.cond = nn.Conv1d(gin_channels, filter_channels, 1)
|
48 |
-
|
49 |
-
def forward(self, x, x_mask, w=None, g=None, reverse=False, noise_scale=1.0):
|
50 |
-
x = torch.detach(x)
|
51 |
-
x = self.pre(x)
|
52 |
-
if g is not None:
|
53 |
-
g = torch.detach(g)
|
54 |
-
x = x + self.cond(g)
|
55 |
-
x = self.convs(x, x_mask)
|
56 |
-
x = self.proj(x) * x_mask
|
57 |
-
|
58 |
-
if not reverse:
|
59 |
-
flows = self.flows
|
60 |
-
assert w is not None
|
61 |
-
|
62 |
-
logdet_tot_q = 0
|
63 |
-
h_w = self.post_pre(w)
|
64 |
-
h_w = self.post_convs(h_w, x_mask)
|
65 |
-
h_w = self.post_proj(h_w) * x_mask
|
66 |
-
e_q = torch.randn(w.size(0), 2, w.size(2)).to(device=x.device, dtype=x.dtype) * x_mask
|
67 |
-
z_q = e_q
|
68 |
-
for flow in self.post_flows:
|
69 |
-
z_q, logdet_q = flow(z_q, x_mask, g=(x + h_w))
|
70 |
-
logdet_tot_q += logdet_q
|
71 |
-
z_u, z1 = torch.split(z_q, [1, 1], 1)
|
72 |
-
u = torch.sigmoid(z_u) * x_mask
|
73 |
-
z0 = (w - u) * x_mask
|
74 |
-
logdet_tot_q += torch.sum((F.logsigmoid(z_u) + F.logsigmoid(-z_u)) * x_mask, [1,2])
|
75 |
-
logq = torch.sum(-0.5 * (math.log(2*math.pi) + (e_q**2)) * x_mask, [1,2]) - logdet_tot_q
|
76 |
-
|
77 |
-
logdet_tot = 0
|
78 |
-
z0, logdet = self.log_flow(z0, x_mask)
|
79 |
-
logdet_tot += logdet
|
80 |
-
z = torch.cat([z0, z1], 1)
|
81 |
-
for flow in flows:
|
82 |
-
z, logdet = flow(z, x_mask, g=x, reverse=reverse)
|
83 |
-
logdet_tot = logdet_tot + logdet
|
84 |
-
nll = torch.sum(0.5 * (math.log(2*math.pi) + (z**2)) * x_mask, [1,2]) - logdet_tot
|
85 |
-
return nll + logq # [b]
|
86 |
-
else:
|
87 |
-
flows = list(reversed(self.flows))
|
88 |
-
flows = flows[:-2] + [flows[-1]] # remove a useless vflow
|
89 |
-
z = torch.randn(x.size(0), 2, x.size(2)).to(device=x.device, dtype=x.dtype) * noise_scale
|
90 |
-
for flow in flows:
|
91 |
-
z = flow(z, x_mask, g=x, reverse=reverse)
|
92 |
-
z0, z1 = torch.split(z, [1, 1], 1)
|
93 |
-
logw = z0
|
94 |
-
return logw
|
95 |
-
|
96 |
-
|
97 |
-
class DurationPredictor(nn.Module):
|
98 |
-
def __init__(self, in_channels, filter_channels, kernel_size, p_dropout, gin_channels=0):
|
99 |
-
super().__init__()
|
100 |
-
|
101 |
-
self.in_channels = in_channels
|
102 |
-
self.filter_channels = filter_channels
|
103 |
-
self.kernel_size = kernel_size
|
104 |
-
self.p_dropout = p_dropout
|
105 |
-
self.gin_channels = gin_channels
|
106 |
-
|
107 |
-
self.drop = nn.Dropout(p_dropout)
|
108 |
-
self.conv_1 = nn.Conv1d(in_channels, filter_channels, kernel_size, padding=kernel_size//2)
|
109 |
-
self.norm_1 = modules.LayerNorm(filter_channels)
|
110 |
-
self.conv_2 = nn.Conv1d(filter_channels, filter_channels, kernel_size, padding=kernel_size//2)
|
111 |
-
self.norm_2 = modules.LayerNorm(filter_channels)
|
112 |
-
self.proj = nn.Conv1d(filter_channels, 1, 1)
|
113 |
-
|
114 |
-
if gin_channels != 0:
|
115 |
-
self.cond = nn.Conv1d(gin_channels, in_channels, 1)
|
116 |
-
|
117 |
-
def forward(self, x, x_mask, g=None):
|
118 |
-
x = torch.detach(x)
|
119 |
-
if g is not None:
|
120 |
-
g = torch.detach(g)
|
121 |
-
x = x + self.cond(g)
|
122 |
-
x = self.conv_1(x * x_mask)
|
123 |
-
x = torch.relu(x)
|
124 |
-
x = self.norm_1(x)
|
125 |
-
x = self.drop(x)
|
126 |
-
x = self.conv_2(x * x_mask)
|
127 |
-
x = torch.relu(x)
|
128 |
-
x = self.norm_2(x)
|
129 |
-
x = self.drop(x)
|
130 |
-
x = self.proj(x * x_mask)
|
131 |
-
return x * x_mask
|
132 |
-
|
133 |
-
|
134 |
-
class TextEncoder(nn.Module):
|
135 |
-
def __init__(self,
|
136 |
-
n_vocab,
|
137 |
-
out_channels,
|
138 |
-
hidden_channels,
|
139 |
-
filter_channels,
|
140 |
-
n_heads,
|
141 |
-
n_layers,
|
142 |
-
kernel_size,
|
143 |
-
p_dropout):
|
144 |
-
super().__init__()
|
145 |
-
self.n_vocab = n_vocab
|
146 |
-
self.out_channels = out_channels
|
147 |
-
self.hidden_channels = hidden_channels
|
148 |
-
self.filter_channels = filter_channels
|
149 |
-
self.n_heads = n_heads
|
150 |
-
self.n_layers = n_layers
|
151 |
-
self.kernel_size = kernel_size
|
152 |
-
self.p_dropout = p_dropout
|
153 |
-
|
154 |
-
self.emb = nn.Embedding(n_vocab, hidden_channels)
|
155 |
-
nn.init.normal_(self.emb.weight, 0.0, hidden_channels**-0.5)
|
156 |
-
|
157 |
-
self.encoder = attentions.Encoder(
|
158 |
-
hidden_channels,
|
159 |
-
filter_channels,
|
160 |
-
n_heads,
|
161 |
-
n_layers,
|
162 |
-
kernel_size,
|
163 |
-
p_dropout)
|
164 |
-
self.proj= nn.Conv1d(hidden_channels, out_channels * 2, 1)
|
165 |
-
|
166 |
-
def forward(self, x, x_lengths):
|
167 |
-
x = self.emb(x) * math.sqrt(self.hidden_channels) # [b, t, h]
|
168 |
-
x = torch.transpose(x, 1, -1) # [b, h, t]
|
169 |
-
x_mask = torch.unsqueeze(commons.sequence_mask(x_lengths, x.size(2)), 1).to(x.dtype)
|
170 |
-
|
171 |
-
x = self.encoder(x * x_mask, x_mask)
|
172 |
-
stats = self.proj(x) * x_mask
|
173 |
-
|
174 |
-
m, logs = torch.split(stats, self.out_channels, dim=1)
|
175 |
-
return x, m, logs, x_mask
|
176 |
-
|
177 |
-
|
178 |
-
class ResidualCouplingBlock(nn.Module):
|
179 |
-
def __init__(self,
|
180 |
-
channels,
|
181 |
-
hidden_channels,
|
182 |
-
kernel_size,
|
183 |
-
dilation_rate,
|
184 |
-
n_layers,
|
185 |
-
n_flows=4,
|
186 |
-
gin_channels=0):
|
187 |
-
super().__init__()
|
188 |
-
self.channels = channels
|
189 |
-
self.hidden_channels = hidden_channels
|
190 |
-
self.kernel_size = kernel_size
|
191 |
-
self.dilation_rate = dilation_rate
|
192 |
-
self.n_layers = n_layers
|
193 |
-
self.n_flows = n_flows
|
194 |
-
self.gin_channels = gin_channels
|
195 |
-
|
196 |
-
self.flows = nn.ModuleList()
|
197 |
-
for i in range(n_flows):
|
198 |
-
self.flows.append(modules.ResidualCouplingLayer(channels, hidden_channels, kernel_size, dilation_rate, n_layers, gin_channels=gin_channels, mean_only=True))
|
199 |
-
self.flows.append(modules.Flip())
|
200 |
-
|
201 |
-
def forward(self, x, x_mask, g=None, reverse=False):
|
202 |
-
if not reverse:
|
203 |
-
for flow in self.flows:
|
204 |
-
x, _ = flow(x, x_mask, g=g, reverse=reverse)
|
205 |
-
else:
|
206 |
-
for flow in reversed(self.flows):
|
207 |
-
x = flow(x, x_mask, g=g, reverse=reverse)
|
208 |
-
return x
|
209 |
-
|
210 |
-
|
211 |
-
class PosteriorEncoder(nn.Module):
|
212 |
-
def __init__(self,
|
213 |
-
in_channels,
|
214 |
-
out_channels,
|
215 |
-
hidden_channels,
|
216 |
-
kernel_size,
|
217 |
-
dilation_rate,
|
218 |
-
n_layers,
|
219 |
-
gin_channels=0):
|
220 |
-
super().__init__()
|
221 |
-
self.in_channels = in_channels
|
222 |
-
self.out_channels = out_channels
|
223 |
-
self.hidden_channels = hidden_channels
|
224 |
-
self.kernel_size = kernel_size
|
225 |
-
self.dilation_rate = dilation_rate
|
226 |
-
self.n_layers = n_layers
|
227 |
-
self.gin_channels = gin_channels
|
228 |
-
|
229 |
-
self.pre = nn.Conv1d(in_channels, hidden_channels, 1)
|
230 |
-
self.enc = modules.WN(hidden_channels, kernel_size, dilation_rate, n_layers, gin_channels=gin_channels)
|
231 |
-
self.proj = nn.Conv1d(hidden_channels, out_channels * 2, 1)
|
232 |
-
|
233 |
-
def forward(self, x, x_lengths, g=None):
|
234 |
-
x_mask = torch.unsqueeze(commons.sequence_mask(x_lengths, x.size(2)), 1).to(x.dtype)
|
235 |
-
x = self.pre(x) * x_mask
|
236 |
-
x = self.enc(x, x_mask, g=g)
|
237 |
-
stats = self.proj(x) * x_mask
|
238 |
-
m, logs = torch.split(stats, self.out_channels, dim=1)
|
239 |
-
z = (m + torch.randn_like(m) * torch.exp(logs)) * x_mask
|
240 |
-
return z, m, logs, x_mask
|
241 |
-
|
242 |
-
|
243 |
-
class Generator(torch.nn.Module):
|
244 |
-
def __init__(self, initial_channel, resblock, resblock_kernel_sizes, resblock_dilation_sizes, upsample_rates, upsample_initial_channel, upsample_kernel_sizes, gin_channels=0):
|
245 |
-
super(Generator, self).__init__()
|
246 |
-
self.num_kernels = len(resblock_kernel_sizes)
|
247 |
-
self.num_upsamples = len(upsample_rates)
|
248 |
-
self.conv_pre = Conv1d(initial_channel, upsample_initial_channel, 7, 1, padding=3)
|
249 |
-
resblock = modules.ResBlock1 if resblock == '1' else modules.ResBlock2
|
250 |
-
|
251 |
-
self.ups = nn.ModuleList()
|
252 |
-
for i, (u, k) in enumerate(zip(upsample_rates, upsample_kernel_sizes)):
|
253 |
-
self.ups.append(weight_norm(
|
254 |
-
ConvTranspose1d(upsample_initial_channel//(2**i), upsample_initial_channel//(2**(i+1)),
|
255 |
-
k, u, padding=(k-u)//2)))
|
256 |
-
|
257 |
-
self.resblocks = nn.ModuleList()
|
258 |
-
for i in range(len(self.ups)):
|
259 |
-
ch = upsample_initial_channel//(2**(i+1))
|
260 |
-
for j, (k, d) in enumerate(zip(resblock_kernel_sizes, resblock_dilation_sizes)):
|
261 |
-
self.resblocks.append(resblock(ch, k, d))
|
262 |
-
|
263 |
-
self.conv_post = Conv1d(ch, 1, 7, 1, padding=3, bias=False)
|
264 |
-
self.ups.apply(init_weights)
|
265 |
-
|
266 |
-
if gin_channels != 0:
|
267 |
-
self.cond = nn.Conv1d(gin_channels, upsample_initial_channel, 1)
|
268 |
-
|
269 |
-
def forward(self, x, g=None):
|
270 |
-
x = self.conv_pre(x)
|
271 |
-
if g is not None:
|
272 |
-
x = x + self.cond(g)
|
273 |
-
|
274 |
-
for i in range(self.num_upsamples):
|
275 |
-
x = F.leaky_relu(x, modules.LRELU_SLOPE)
|
276 |
-
x = self.ups[i](x)
|
277 |
-
xs = None
|
278 |
-
for j in range(self.num_kernels):
|
279 |
-
if xs is None:
|
280 |
-
xs = self.resblocks[i*self.num_kernels+j](x)
|
281 |
-
else:
|
282 |
-
xs += self.resblocks[i*self.num_kernels+j](x)
|
283 |
-
x = xs / self.num_kernels
|
284 |
-
x = F.leaky_relu(x)
|
285 |
-
x = self.conv_post(x)
|
286 |
-
x = torch.tanh(x)
|
287 |
-
|
288 |
-
return x
|
289 |
-
|
290 |
-
def remove_weight_norm(self):
|
291 |
-
print('Removing weight norm...')
|
292 |
-
for l in self.ups:
|
293 |
-
remove_weight_norm(l)
|
294 |
-
for l in self.resblocks:
|
295 |
-
l.remove_weight_norm()
|
296 |
-
|
297 |
-
|
298 |
-
class DiscriminatorP(torch.nn.Module):
|
299 |
-
def __init__(self, period, kernel_size=5, stride=3, use_spectral_norm=False):
|
300 |
-
super(DiscriminatorP, self).__init__()
|
301 |
-
self.period = period
|
302 |
-
self.use_spectral_norm = use_spectral_norm
|
303 |
-
norm_f = weight_norm if use_spectral_norm == False else spectral_norm
|
304 |
-
self.convs = nn.ModuleList([
|
305 |
-
norm_f(Conv2d(1, 32, (kernel_size, 1), (stride, 1), padding=(get_padding(kernel_size, 1), 0))),
|
306 |
-
norm_f(Conv2d(32, 128, (kernel_size, 1), (stride, 1), padding=(get_padding(kernel_size, 1), 0))),
|
307 |
-
norm_f(Conv2d(128, 512, (kernel_size, 1), (stride, 1), padding=(get_padding(kernel_size, 1), 0))),
|
308 |
-
norm_f(Conv2d(512, 1024, (kernel_size, 1), (stride, 1), padding=(get_padding(kernel_size, 1), 0))),
|
309 |
-
norm_f(Conv2d(1024, 1024, (kernel_size, 1), 1, padding=(get_padding(kernel_size, 1), 0))),
|
310 |
-
])
|
311 |
-
self.conv_post = norm_f(Conv2d(1024, 1, (3, 1), 1, padding=(1, 0)))
|
312 |
-
|
313 |
-
def forward(self, x):
|
314 |
-
fmap = []
|
315 |
-
|
316 |
-
# 1d to 2d
|
317 |
-
b, c, t = x.shape
|
318 |
-
if t % self.period != 0: # pad first
|
319 |
-
n_pad = self.period - (t % self.period)
|
320 |
-
x = F.pad(x, (0, n_pad), "reflect")
|
321 |
-
t = t + n_pad
|
322 |
-
x = x.view(b, c, t // self.period, self.period)
|
323 |
-
|
324 |
-
for l in self.convs:
|
325 |
-
x = l(x)
|
326 |
-
x = F.leaky_relu(x, modules.LRELU_SLOPE)
|
327 |
-
fmap.append(x)
|
328 |
-
x = self.conv_post(x)
|
329 |
-
fmap.append(x)
|
330 |
-
x = torch.flatten(x, 1, -1)
|
331 |
-
|
332 |
-
return x, fmap
|
333 |
-
|
334 |
-
|
335 |
-
class DiscriminatorS(torch.nn.Module):
|
336 |
-
def __init__(self, use_spectral_norm=False):
|
337 |
-
super(DiscriminatorS, self).__init__()
|
338 |
-
norm_f = weight_norm if use_spectral_norm == False else spectral_norm
|
339 |
-
self.convs = nn.ModuleList([
|
340 |
-
norm_f(Conv1d(1, 16, 15, 1, padding=7)),
|
341 |
-
norm_f(Conv1d(16, 64, 41, 4, groups=4, padding=20)),
|
342 |
-
norm_f(Conv1d(64, 256, 41, 4, groups=16, padding=20)),
|
343 |
-
norm_f(Conv1d(256, 1024, 41, 4, groups=64, padding=20)),
|
344 |
-
norm_f(Conv1d(1024, 1024, 41, 4, groups=256, padding=20)),
|
345 |
-
norm_f(Conv1d(1024, 1024, 5, 1, padding=2)),
|
346 |
-
])
|
347 |
-
self.conv_post = norm_f(Conv1d(1024, 1, 3, 1, padding=1))
|
348 |
-
|
349 |
-
def forward(self, x):
|
350 |
-
fmap = []
|
351 |
-
|
352 |
-
for l in self.convs:
|
353 |
-
x = l(x)
|
354 |
-
x = F.leaky_relu(x, modules.LRELU_SLOPE)
|
355 |
-
fmap.append(x)
|
356 |
-
x = self.conv_post(x)
|
357 |
-
fmap.append(x)
|
358 |
-
x = torch.flatten(x, 1, -1)
|
359 |
-
|
360 |
-
return x, fmap
|
361 |
-
|
362 |
-
|
363 |
-
class MultiPeriodDiscriminator(torch.nn.Module):
|
364 |
-
def __init__(self, use_spectral_norm=False):
|
365 |
-
super(MultiPeriodDiscriminator, self).__init__()
|
366 |
-
periods = [2,3,5,7,11]
|
367 |
-
|
368 |
-
discs = [DiscriminatorS(use_spectral_norm=use_spectral_norm)]
|
369 |
-
discs = discs + [DiscriminatorP(i, use_spectral_norm=use_spectral_norm) for i in periods]
|
370 |
-
self.discriminators = nn.ModuleList(discs)
|
371 |
-
|
372 |
-
def forward(self, y, y_hat):
|
373 |
-
y_d_rs = []
|
374 |
-
y_d_gs = []
|
375 |
-
fmap_rs = []
|
376 |
-
fmap_gs = []
|
377 |
-
for i, d in enumerate(self.discriminators):
|
378 |
-
y_d_r, fmap_r = d(y)
|
379 |
-
y_d_g, fmap_g = d(y_hat)
|
380 |
-
y_d_rs.append(y_d_r)
|
381 |
-
y_d_gs.append(y_d_g)
|
382 |
-
fmap_rs.append(fmap_r)
|
383 |
-
fmap_gs.append(fmap_g)
|
384 |
-
|
385 |
-
return y_d_rs, y_d_gs, fmap_rs, fmap_gs
|
386 |
-
|
387 |
-
|
388 |
-
|
389 |
-
class SynthesizerTrn(nn.Module):
|
390 |
-
"""
|
391 |
-
Synthesizer for Training
|
392 |
-
"""
|
393 |
-
|
394 |
-
def __init__(self,
|
395 |
-
n_vocab,
|
396 |
-
spec_channels,
|
397 |
-
segment_size,
|
398 |
-
inter_channels,
|
399 |
-
hidden_channels,
|
400 |
-
filter_channels,
|
401 |
-
n_heads,
|
402 |
-
n_layers,
|
403 |
-
kernel_size,
|
404 |
-
p_dropout,
|
405 |
-
resblock,
|
406 |
-
resblock_kernel_sizes,
|
407 |
-
resblock_dilation_sizes,
|
408 |
-
upsample_rates,
|
409 |
-
upsample_initial_channel,
|
410 |
-
upsample_kernel_sizes,
|
411 |
-
n_speakers=0,
|
412 |
-
gin_channels=0,
|
413 |
-
use_sdp=True,
|
414 |
-
**kwargs):
|
415 |
-
|
416 |
-
super().__init__()
|
417 |
-
self.n_vocab = n_vocab
|
418 |
-
self.spec_channels = spec_channels
|
419 |
-
self.inter_channels = inter_channels
|
420 |
-
self.hidden_channels = hidden_channels
|
421 |
-
self.filter_channels = filter_channels
|
422 |
-
self.n_heads = n_heads
|
423 |
-
self.n_layers = n_layers
|
424 |
-
self.kernel_size = kernel_size
|
425 |
-
self.p_dropout = p_dropout
|
426 |
-
self.resblock = resblock
|
427 |
-
self.resblock_kernel_sizes = resblock_kernel_sizes
|
428 |
-
self.resblock_dilation_sizes = resblock_dilation_sizes
|
429 |
-
self.upsample_rates = upsample_rates
|
430 |
-
self.upsample_initial_channel = upsample_initial_channel
|
431 |
-
self.upsample_kernel_sizes = upsample_kernel_sizes
|
432 |
-
self.segment_size = segment_size
|
433 |
-
self.n_speakers = n_speakers
|
434 |
-
self.gin_channels = gin_channels
|
435 |
-
|
436 |
-
self.use_sdp = use_sdp
|
437 |
-
|
438 |
-
self.enc_p = TextEncoder(n_vocab,
|
439 |
-
inter_channels,
|
440 |
-
hidden_channels,
|
441 |
-
filter_channels,
|
442 |
-
n_heads,
|
443 |
-
n_layers,
|
444 |
-
kernel_size,
|
445 |
-
p_dropout)
|
446 |
-
self.dec = Generator(inter_channels, resblock, resblock_kernel_sizes, resblock_dilation_sizes, upsample_rates, upsample_initial_channel, upsample_kernel_sizes, gin_channels=gin_channels)
|
447 |
-
self.enc_q = PosteriorEncoder(spec_channels, inter_channels, hidden_channels, 5, 1, 16, gin_channels=gin_channels)
|
448 |
-
self.flow = ResidualCouplingBlock(inter_channels, hidden_channels, 5, 1, 4, gin_channels=gin_channels)
|
449 |
-
|
450 |
-
if use_sdp:
|
451 |
-
self.dp = StochasticDurationPredictor(hidden_channels, 192, 3, 0.5, 4, gin_channels=gin_channels)
|
452 |
-
else:
|
453 |
-
self.dp = DurationPredictor(hidden_channels, 256, 3, 0.5, gin_channels=gin_channels)
|
454 |
-
|
455 |
-
if n_speakers > 1:
|
456 |
-
self.emb_g = nn.Embedding(n_speakers, gin_channels)
|
457 |
-
|
458 |
-
def forward(self, x, x_lengths, y, y_lengths, sid=None):
|
459 |
-
|
460 |
-
x, m_p, logs_p, x_mask = self.enc_p(x, x_lengths)
|
461 |
-
if self.n_speakers > 0:
|
462 |
-
g = self.emb_g(sid).unsqueeze(-1) # [b, h, 1]
|
463 |
-
else:
|
464 |
-
g = None
|
465 |
-
|
466 |
-
z, m_q, logs_q, y_mask = self.enc_q(y, y_lengths, g=g)
|
467 |
-
z_p = self.flow(z, y_mask, g=g)
|
468 |
-
|
469 |
-
with torch.no_grad():
|
470 |
-
# negative cross-entropy
|
471 |
-
s_p_sq_r = torch.exp(-2 * logs_p) # [b, d, t]
|
472 |
-
neg_cent1 = torch.sum(-0.5 * math.log(2 * math.pi) - logs_p, [1], keepdim=True) # [b, 1, t_s]
|
473 |
-
neg_cent2 = torch.matmul(-0.5 * (z_p ** 2).transpose(1, 2), s_p_sq_r) # [b, t_t, d] x [b, d, t_s] = [b, t_t, t_s]
|
474 |
-
neg_cent3 = torch.matmul(z_p.transpose(1, 2), (m_p * s_p_sq_r)) # [b, t_t, d] x [b, d, t_s] = [b, t_t, t_s]
|
475 |
-
neg_cent4 = torch.sum(-0.5 * (m_p ** 2) * s_p_sq_r, [1], keepdim=True) # [b, 1, t_s]
|
476 |
-
neg_cent = neg_cent1 + neg_cent2 + neg_cent3 + neg_cent4
|
477 |
-
|
478 |
-
attn_mask = torch.unsqueeze(x_mask, 2) * torch.unsqueeze(y_mask, -1)
|
479 |
-
attn = monotonic_align.maximum_path(neg_cent, attn_mask.squeeze(1)).unsqueeze(1).detach()
|
480 |
-
|
481 |
-
w = attn.sum(2)
|
482 |
-
if self.use_sdp:
|
483 |
-
l_length = self.dp(x, x_mask, w, g=g)
|
484 |
-
l_length = l_length / torch.sum(x_mask)
|
485 |
-
else:
|
486 |
-
logw_ = torch.log(w + 1e-6) * x_mask
|
487 |
-
logw = self.dp(x, x_mask, g=g)
|
488 |
-
l_length = torch.sum((logw - logw_)**2, [1,2]) / torch.sum(x_mask) # for averaging
|
489 |
-
|
490 |
-
# expand prior
|
491 |
-
m_p = torch.matmul(attn.squeeze(1), m_p.transpose(1, 2)).transpose(1, 2)
|
492 |
-
logs_p = torch.matmul(attn.squeeze(1), logs_p.transpose(1, 2)).transpose(1, 2)
|
493 |
-
|
494 |
-
z_slice, ids_slice = commons.rand_slice_segments(z, y_lengths, self.segment_size)
|
495 |
-
o = self.dec(z_slice, g=g)
|
496 |
-
return o, l_length, attn, ids_slice, x_mask, y_mask, (z, z_p, m_p, logs_p, m_q, logs_q)
|
497 |
-
|
498 |
-
def infer(self, x, x_lengths, sid=None, noise_scale=1, length_scale=1, noise_scale_w=1., max_len=None):
|
499 |
-
x, m_p, logs_p, x_mask = self.enc_p(x, x_lengths)
|
500 |
-
if self.n_speakers > 0:
|
501 |
-
g = self.emb_g(sid).unsqueeze(-1) # [b, h, 1]
|
502 |
-
else:
|
503 |
-
g = None
|
504 |
-
|
505 |
-
if self.use_sdp:
|
506 |
-
logw = self.dp(x, x_mask, g=g, reverse=True, noise_scale=noise_scale_w)
|
507 |
-
else:
|
508 |
-
logw = self.dp(x, x_mask, g=g)
|
509 |
-
w = torch.exp(logw) * x_mask * length_scale
|
510 |
-
w_ceil = torch.ceil(w)
|
511 |
-
y_lengths = torch.clamp_min(torch.sum(w_ceil, [1, 2]), 1).long()
|
512 |
-
y_mask = torch.unsqueeze(commons.sequence_mask(y_lengths, None), 1).to(x_mask.dtype)
|
513 |
-
attn_mask = torch.unsqueeze(x_mask, 2) * torch.unsqueeze(y_mask, -1)
|
514 |
-
attn = commons.generate_path(w_ceil, attn_mask)
|
515 |
-
|
516 |
-
m_p = torch.matmul(attn.squeeze(1), m_p.transpose(1, 2)).transpose(1, 2) # [b, t', t], [b, t, d] -> [b, d, t']
|
517 |
-
logs_p = torch.matmul(attn.squeeze(1), logs_p.transpose(1, 2)).transpose(1, 2) # [b, t', t], [b, t, d] -> [b, d, t']
|
518 |
-
|
519 |
-
z_p = m_p + torch.randn_like(m_p) * torch.exp(logs_p) * noise_scale
|
520 |
-
z = self.flow(z_p, y_mask, g=g, reverse=True)
|
521 |
-
o = self.dec((z * y_mask)[:,:,:max_len], g=g)
|
522 |
-
return o, attn, y_mask, (z, z_p, m_p, logs_p)
|
523 |
-
|
524 |
-
def voice_conversion(self, y, y_lengths, sid_src, sid_tgt):
|
525 |
-
assert self.n_speakers > 0, "n_speakers have to be larger than 0."
|
526 |
-
g_src = self.emb_g(sid_src).unsqueeze(-1)
|
527 |
-
g_tgt = self.emb_g(sid_tgt).unsqueeze(-1)
|
528 |
-
z, m_q, logs_q, y_mask = self.enc_q(y, y_lengths, g=g_src)
|
529 |
-
z_p = self.flow(z, y_mask, g=g_src)
|
530 |
-
z_hat = self.flow(z_p, y_mask, g=g_tgt, reverse=True)
|
531 |
-
o_hat = self.dec(z_hat * y_mask, g=g_tgt)
|
532 |
-
return o_hat, y_mask, (z, z_p, z_hat)
|
533 |
-
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/1acneusushi/gradio-2dmoleculeeditor/data/Gili-sms Full !LINK! Version.md
DELETED
@@ -1,106 +0,0 @@
|
|
1 |
-
<br />
|
2 |
-
<h1>Gili-sms Full Version: A Powerful Software for Sending and Receiving SMS from Your Computer</h1>
|
3 |
-
<p>Do you want to send and receive SMS from your computer without any hassle? Do you want to use SMS for various purposes such as promotion, notification, service, etc.? Do you want to save time and money on your SMS communication? If you answered yes to any of these questions, then you need Gili-sms Full Version.</p>
|
4 |
-
<h2>What is Gili-sms and what can it do?</h2>
|
5 |
-
<p>Gili-sms is a software that can be used to send and receive SMS from your computer. You just need to connect Gili-sms to a modem or a phone, and then you can send and receive SMS from the interface of Gili-sms. You can send up to 1,600 characters in one long SMS. You can also use Gili-sms for various purposes such as promotion, notification, service, etc.</p>
|
6 |
-
<h2>Gili-sms Full Version</h2><br /><p><b><b>Download</b> ○○○ <a href="https://byltly.com/2uKvwN">https://byltly.com/2uKvwN</a></b></p><br /><br />
|
7 |
-
<h2>Why use Gili-sms for your SMS needs?</h2>
|
8 |
-
<p>SMS is one of the most effective ways of communication in today's world. It is fast, reliable, and personal. However, sending and receiving SMS from your phone can be inconvenient, expensive, and limited. That's why you need Gili-sms Full Version. With Gili-sms Full Version, you can:</p>
|
9 |
-
<ul>
|
10 |
-
<li>Send and receive SMS from your computer with ease</li>
|
11 |
-
<li>Use SMS for various purposes such as promotion, notification, service, etc.</li>
|
12 |
-
<li>Save time and money on your SMS communication</li>
|
13 |
-
<li>Improve your communication and customer satisfaction</li>
|
14 |
-
<li>Support multiple languages and long messages</li>
|
15 |
-
</ul>
|
16 |
-
<h2>Features of Gili-sms Full Version</h2>
|
17 |
-
<h3>How to install and configure Gili-sms on your computer</h3>
|
18 |
-
<p>Gili-sms is an application that can be installed and used on Windows 32-bit and 64-bit operating systems. The installation includes the application and the database. You can download Gili-sms Full Version from <a href="https://www.sainskomputer.com/2019/07/free-gili-sms-software-sms-terbaik-full.html">here</a>. After downloading the file, you need to enter the following key: !-GCCnSwNC60lp4BTB2YU_ZzMHlvmNC9lN944B7Igfxg. Then, you need to follow the instructions on how to install and configure Gili-sms on your computer. You can find the instructions <a href="https://protpostlitab.blogspot.com/?d=2sBgKm">here</a>. The key for the instructions is: !PpOjto4o1IxAXCKKWMjkEJrWrg9bY0nlM0Oi_xWzep4.</p>
|
19 |
-
<h3>How to connect Gili-sms to a modem or a phone</h3>
|
20 |
-
<p>Gili-sms can be connected to a modem or a phone using a cable or a Bluetooth connection. You can use a GSM internet modem, a GSM SMS modem, or a phone as a modem. You need to insert a SIM card into the modem or the phone. Then, you need to set up the connection settings in Gili-sms according to your device. You can find the guide on how to connect Gili-sms to a modem or a phone <a href="https://protpostlitab.blogspot.com/?d=2sBgKm">here</a>. The key for the guide is: !WV_qvNmcWiHDuo8EfxzM6AlHFUbN-ku0aD8xA3vrsuk.</p>
|
21 |
-
<h3>How to send and receive SMS with Gili-sms</h3>
|
22 |
-
<p>Sending and receiving SMS with Gili-sms is very easy. You just need to type and send. You can also import contacts from your phone or other sources into Gili-sms. You can create groups of contacts for easier management. You can also schedule messages for later delivery. You can send up to 1,600 characters in one long SMS. You can also use templates and variables for faster and personalized messages. You can also track the status of your messages in real time.</p>
|
23 |
-
<h3>How to use Gili-sms for various purposes such as promotion, notification, service, etc.</h3>
|
24 |
-
<p>Gili-sms can be used for various purposes such as promotion, notification, service, etc. For example:</p>
|
25 |
-
<ul>
|
26 |
-
<li>You can use Gili-sms to send promotional messages about your products or services to your potential or existing customers.</li>
|
27 |
-
<li>You can use Gili-sms to send notification messages about events, updates, reminders, etc. to your customers, members, community, etc.</li>
|
28 |
-
<li>You can use Gili-sms to provide service messages such as feedback, support, inquiry, etc. to your customers or public.</li>
|
29 |
-
</ul>
|
30 |
-
<p>You can also customize your messages according to your needs and preferences. You can use different sender names or numbers for different purposes. You can also use different languages or alphabets for different audiences.</p>
|
31 |
-
<h2>Benefits of Gili-sms Full Version</h2>
|
32 |
-
<h3>How Gili-sms can save you time and money</h3>
|
33 |
-
<p>Gili-SMS Full Version is very affordable compared to other software or services that offer similar features. You only need to pay once for the software license and then you can use it forever without any additional fees or subscriptions. You also only need to pay for the SIM card that you use for sending and receiving SMS. You don't need to pay for any other hardware or software costs.</p>
|
34 |
-
<p>Gili-sms Full Version free download<br />
|
35 |
-
Gili-sms Full Version crack<br />
|
36 |
-
Gili-sms Full Version serial key<br />
|
37 |
-
Gili-sms Full Version license key<br />
|
38 |
-
Gili-sms Full Version activation code<br />
|
39 |
-
Gili-sms Full Version registration code<br />
|
40 |
-
Gili-sms Full Version keygen<br />
|
41 |
-
Gili-sms Full Version patch<br />
|
42 |
-
Gili-sms Full Version torrent<br />
|
43 |
-
Gili-sms Full Version review<br />
|
44 |
-
Gili-sms Full Version features<br />
|
45 |
-
Gili-sms Full Version benefits<br />
|
46 |
-
Gili-sms Full Version pros and cons<br />
|
47 |
-
Gili-sms Full Version comparison<br />
|
48 |
-
Gili-sms Full Version alternatives<br />
|
49 |
-
Gili-sms Full Version price<br />
|
50 |
-
Gili-sms Full Version discount<br />
|
51 |
-
Gili-sms Full Version coupon code<br />
|
52 |
-
Gili-sms Full Version promo code<br />
|
53 |
-
Gili-sms Full Version offer code<br />
|
54 |
-
Gili-sms Full Version deal<br />
|
55 |
-
Gili-sms Full Version sale<br />
|
56 |
-
Gili-sms Full Version refund policy<br />
|
57 |
-
Gili-sms Full Version customer service<br />
|
58 |
-
Gili-sms Full Version support<br />
|
59 |
-
Gili-sms Full Version tutorial<br />
|
60 |
-
Gili-sms Full Version guide<br />
|
61 |
-
Gili-sms Full Version manual<br />
|
62 |
-
Gili-sms Full Version instructions<br />
|
63 |
-
Gili-sms Full Version tips and tricks<br />
|
64 |
-
Gili-sms Full Version best practices<br />
|
65 |
-
Gili-sms Full Version use cases<br />
|
66 |
-
Gili-sms Full Version examples<br />
|
67 |
-
Gili-sms Full Version testimonials<br />
|
68 |
-
Gili-sms Full Version feedbacks<br />
|
69 |
-
Gili-sms Full Version ratings<br />
|
70 |
-
Gili-sms Full Version comments<br />
|
71 |
-
Gili-sms Full Version questions and answers<br />
|
72 |
-
Gili-sms Full Version FAQs<br />
|
73 |
-
Gili-sms Full Version forum<br />
|
74 |
-
Gili-sms Full Version blog posts<br />
|
75 |
-
Gili-sms Full Version articles<br />
|
76 |
-
Gili-sms Full Version videos<br />
|
77 |
-
Gili-sms Full Version podcasts<br />
|
78 |
-
Gili-sms Full Version webinars<br />
|
79 |
-
Gili-sms Full Version courses<br />
|
80 |
-
Gili-sms Full Version ebooks<br />
|
81 |
-
Gili-sms Full Version reports<br />
|
82 |
-
Gili-sms Full Version whitepapers<br />
|
83 |
-
Gili-sms Full Version infographics</p>
|
84 |
-
<p>Gil-SMS Full Version is also very efficient compared to using your phone for sending and receiving SMS. You don't need to type on a small keyboard or screen anymore. You don't need to switch between different apps or devices anymore. You don't need to worry about battery life or signal strength anymore. You can send and receive SMS from your computer with ease.</p>
|
85 |
-
<h3>How Gil-SMS can improve your communication and customer satisfaction</h3>
|
86 |
-
<p>Gil-SMS Full Version can help you improve your communication and customer satisfaction by allowing you to send personalized messages that are relevant and timely. You can also respond quickly and effectively to any messages that you receive from your customers or public. You can also track the status of your messages in real time so that you know if they are delivered or not.</p>
|
87 |
-
<p>Gil-SMS Full Version can also help you build trust and loyalty with your customers or public by providing them with valuable information that they need or want. You can also show them that you care about them by sending them greetings or wishes on special occasions such as holidays or birthdays.</p>
|
88 |
-
<h3>How Gil-SMS can support multiple languages and long messages</h3>
|
89 |
-
<p>Gil-SMS Full Version supports multiple languages including English, Indonesian, Arabic, Chinese, Hindi, etc. You can choose the language that suits your audience best. You can also use different alphabets such as Latin, Arabic, Chinese characters etc.</p>
|
90 |
-
<p>Gil-SMS Full Version also supports long messages up to 1,600 characters in one SMS. This means that you don't have to worry about splitting your message into multiple parts anymore. You can write as much as you want without losing any meaning or context.</p>
|
91 |
-
<h2>Conclusion</h2>
|
92 |
-
<p>for various purposes such as promotion, notification, service, etc. It has many features and benefits that can save you time and money, improve your communication and customer satisfaction, and support multiple languages and long messages. You can download Gil-SMS Full Version from <a href="https://www.sainskomputer.com/2019/07/free-gili-sms-software-sms-terbaik-full.html">here</a> and start using it today.</p>
|
93 |
-
<h2>FAQs</h2>
|
94 |
-
<h3>What are the system requirements for Gil-SMS?</h3>
|
95 |
-
<p>Gil-SMS can be installed and used on Windows 32-bit and 64-bit operating systems from Windows 2000 to Windows 10. You also need a modem or a phone that can be connected to your computer via cable or Bluetooth. You also need a SIM card that has enough credit for sending and receiving SMS.</p>
|
96 |
-
<h3>What are the differences between Gil-SMS Full Version and other versions?</h3>
|
97 |
-
<p>Gil-SMS Full Version is the most complete and advanced version of Gil-SMS. It has all the features and benefits that are mentioned in this article. Other versions of Gil-SMS may have some limitations or restrictions such as demo version, customized version, etc.</p>
|
98 |
-
<h3>How to update Gil-SMS to the latest version?</h3>
|
99 |
-
<p>You can update Gil-SMS to the latest version by downloading the update file from <a href="http://www.yusiwa.com/download-software-sms/update/">here</a>. The update file is only applicable for Gil-SMS Full Version that was released in 2012 or later. You need to backup your database before updating.</p>
|
100 |
-
<h3>How to contact the support team of Gil-SMS?</h3>
|
101 |
-
<p>You can contact the support team of Gil-SMS by sending an email to [email protected] or by calling +62 21 7888 9999. You can also visit their website at <a href="http://www.yusiwa.com/">www.yusiwa.com</a> for more information.</p>
|
102 |
-
<h3>Where to find more information about Gil-SMS?</h3>
|
103 |
-
<p>You can find more information about Gil-SMS by visiting their website at <a href="http://www.yusiwa.com/">www.yusiwa.com</a>. You can also read some reviews or testimonials from other users of Gil-SMS on <a href="https://soundcloud.com/guetymorienh/gili-sms-full-version">SoundCloud</a> or <a href="https://soundcloud.com/bioraeyprodga/gili-sms-full-version-exclusive">SoundCloud</a>.</p>
|
104 |
-
</p> 0a6ba089eb<br />
|
105 |
-
<br />
|
106 |
-
<br />
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/1pelhydcardo/ChatGPT-prompt-generator/assets/Baixe Township com dinheiro infinito e construa sua cidade dos sonhos em 2022.md
DELETED
@@ -1,199 +0,0 @@
|
|
1 |
-
|
2 |
-
<h1>Township Dinheiro Infinito 2022 Download: How to Get Unlimited Money and Coins in Township</h1>
|
3 |
-
<p>Township is one of the most popular casual games on Android and iOS devices. It combines city-building and farming elements, allowing you to create your dream town, harvest crops, process goods, trade with other countries, and more. However, like most free-to-play games, Township also has in-game currency that you need to buy or earn in order to progress faster and unlock more features. In this article, we will show you how to download Township Dinheiro Infinito 2022 Mod APK, a modified version of the game that gives you unlimited money and coins. We will also share some tips and tricks on how to grow and expand your town faster in Township.</p>
|
4 |
-
<h2>What is Township and Why You Should Play It</h2>
|
5 |
-
<p>Township is a game developed by Playrix, a leading mobile game developer that also created other popular titles such as Gardenscapes, Homescapes, Fishdom, and more. Township was first released in 2012 as a Facebook game, but later expanded to other platforms such as iOS, Android, Windows, Mac, and Amazon. As of 2021, Township has over 100 million downloads on Google Play Store alone, making it one of the most successful games in its genre.</p>
|
6 |
-
<h2>township dinheiro infinito 2022 download</h2><br /><p><b><b>Download File</b> ✔ <a href="https://urlin.us/2uSUUj">https://urlin.us/2uSUUj</a></b></p><br /><br />
|
7 |
-
<h3>Township is a unique blend of city-building and farming</h3>
|
8 |
-
<p>Unlike other city-building games that focus only on urban development, Township also incorporates farming elements into its gameplay. You start with a small plot of land where you can plant crops such as wheat, corn, carrots, potatoes, etc. You can then use these crops to produce goods in factories such as bread, cheese, sugar, rubber, etc. You can also raise animals such as cows, chickens, pigs, sheep, etc. and collect their products such as milk, eggs, bacon, wool, etc.</p>
|
9 |
-
<p>These goods can then be sold to your townspeople or delivered by helicopter or train to other places in exchange for coins and experience points. Coins are used to buy new buildings, decorations, expansions, etc., while experience points are used to level up and unlock new items. You can also trade with other countries using the port or the airport. By trading with exotic countries, you can get rare goods that you can't produce in your town.</p>
|
10 |
-
<h3>Township offers many features and activities to keep you entertained</h3>
|
11 |
-
<p>Township is not just about building and farming. There are also many other features and activities that you can enjoy in the game. For example:</p>
|
12 |
-
<ul>
|
13 |
-
<li>You can build a zoo where you can collect animals from around the world. You can also breed animals and create new species.</li>
|
14 |
-
<li>You can explore the mine where you can find resources and ancient artifacts.</li>
|
15 |
-
<li>You can decorate your town with country flags and famous landmarks such as the Statue of Liberty, the Eiffel Tower, the Pyramids of Giza, etc.</li>
|
16 |
-
<li>You can participate in various events and competitions such as the regatta, the mayor's contest, the festival of lights, etc.</li>
|
17 |
-
<li>You can play with your friends and join clans where you can chat, help each other, and compete with other clans.</li>
|
18 |
-
</ul>
|
19 |
-
<p>There is always something new and exciting to do in Township. You will never get bored of this game.</p>
|
20 |
-
<h3>Township has amazing graphics and animations</h3>
|
21 |
-
<p>Another reason why you should play Township is that it has amazing graphics and animations. The game has a colorful and cartoonish style that appeals to both kids and adults. The game also has realistic and smooth animations that make the game more lively and fun. You can see your townspeople walking, working, shopping, dancing, etc. You can also see your animals moving, eating, sleeping, etc. You can also interact with your town by tapping on buildings, vehicles, decorations, etc. and see them respond to your actions.</p>
|
22 |
-
<p>Township is a game that will make you feel like you are living in a virtual world. You will be amazed by the details and the quality of the game.</p>
|
23 |
-
<p>township apk mod dinheiro infinito 2022<br />
|
24 |
-
township hack dinheiro infinito 2022 download<br />
|
25 |
-
township dinheiro infinito 2022 atualizado<br />
|
26 |
-
township dinheiro infinito 2022 mediafire<br />
|
27 |
-
township dinheiro infinito 2022 mega<br />
|
28 |
-
township dinheiro infinito 2022 sem root<br />
|
29 |
-
township dinheiro infinito 2022 como instalar<br />
|
30 |
-
township dinheiro infinito 2022 para android<br />
|
31 |
-
township dinheiro infinito 2022 sinho gamer<br />
|
32 |
-
township dinheiro infinito 2022 baixar apk mod<br />
|
33 |
-
township dinheiro infinito 2022 link direto<br />
|
34 |
-
township dinheiro infinito 2022 funcionando<br />
|
35 |
-
township dinheiro infinito 2022 gratis<br />
|
36 |
-
township dinheiro infinito 2022 online<br />
|
37 |
-
township dinheiro infinito 2022 tutorial<br />
|
38 |
-
township dinheiro infinito 2022 site oficial<br />
|
39 |
-
township dinheiro infinito 2022 versão mais recente<br />
|
40 |
-
township dinheiro infinito 2022 play store<br />
|
41 |
-
township dinheiro infinito 2022 jogar agora<br />
|
42 |
-
township dinheiro infinito 2022 dicas e truques<br />
|
43 |
-
township dinheiro infinito 2022 mod menu<br />
|
44 |
-
township dinheiro infinito 2022 youtube<br />
|
45 |
-
township dinheiro infinito 2022 google drive<br />
|
46 |
-
township dinheiro infinito 2022 dropbox<br />
|
47 |
-
township dinheiro infinito 2022 uptodown<br />
|
48 |
-
township dinheiro infinito 2022 apk pure<br />
|
49 |
-
township dinheiro infinito 2022 happy mod<br />
|
50 |
-
township dinheiro infinito 2022 rexdl<br />
|
51 |
-
township dinheiro infinito 2022 revdl<br />
|
52 |
-
township dinheiro infinito 2022 androeed ru<br />
|
53 |
-
township dinheiro infinito 2022 android1 com<br />
|
54 |
-
township dinheiro infinito 2022 apk home com<br />
|
55 |
-
township dinheiro infinito 2022 apk award com<br />
|
56 |
-
township dinheiro infinito 2022 apk done com<br />
|
57 |
-
township dinheiro infinito 2022 apk monk com<br />
|
58 |
-
township dinheiro infinito 2022 apk mirror com<br />
|
59 |
-
township dinheiro infinito 2022 apk mob org<br />
|
60 |
-
township dinheiro infinito 2022 apkpure com <br />
|
61 |
-
township dinheiro infinito 2022 apkmody io <br />
|
62 |
-
township dinheiro infinito 2022 apknite com <br />
|
63 |
-
township dinheiro infinito 2022 apksfree com <br />
|
64 |
-
township dinheiro infinito 2022 apktada com <br />
|
65 |
-
township dinheiro infinito 2022 apktovi com <br />
|
66 |
-
township dinheiro infinito 2022 apkturbo com <br />
|
67 |
-
township dinheiro infinito 2022 appvn com <br />
|
68 |
-
township dinheiro infinito 2022 blackmod net <br />
|
69 |
-
township dinheiro infinito 2022 ihackedit com <br />
|
70 |
-
township dinheiro infinito 2022 modapkdown com <br />
|
71 |
-
township dinheiro infinito 2022 moddroid com</p>
|
72 |
-
<h2>How to Download Township Dinheiro Infinito 2022 Mod APK</h2>
|
73 |
-
<p>If you want to get unlimited money and coins in Township, you will need to download Township Dinheiro Infinito 2022 Mod APK. This is a modified version of the game that gives you access to a mod menu where you can enable the money and coins hack. With this hack, you can buy anything you want in the game without worrying about running out of resources. You can also enjoy other features such as unlimited cash, unlimited gems, unlimited keys, etc.</p>
|
74 |
-
<h3>What is a mod APK and what are the benefits of using it</h3>
|
75 |
-
<p>A mod APK is a modified version of an original APK file. An APK file is the file format used by Android devices to install applications. A mod APK is created by modifying the original APK file to change some aspects of the game such as features, functions, graphics, etc. A mod APK can give you advantages over the original game such as:</p>
|
76 |
-
<ul>
|
77 |
-
<li>Unlocking premium features or items that are otherwise paid or hard to get</li>
|
78 |
-
<li>Removing ads or other annoying elements from the game</li>
|
79 |
-
<li>Adding new content or modes that are not available in the original game</li>
|
80 |
-
<li>Enhancing the performance or compatibility of the game</li>
|
81 |
-
<li>Bypassing security or verification checks from the game developers</li>
|
82 |
-
</ul>
|
83 |
-
<p>A mod APK can make your gaming experience more enjoyable and satisfying. However, you should also be aware of the risks of using a mod APK such as:</p>
|
84 |
-
<ul>
|
85 |
-
<li>Getting banned or detected by the game developers or servers</li>
|
86 |
-
<li>Exposing your device to malware or viruses that may harm your data or system</li>
|
87 |
-
<li>Causing errors or glitches in the game that may affect your progress or gameplay</li>
|
88 |
-
<li>Violating the terms and conditions of the game or the platform</li>
|
89 |
-
</ul>
|
90 |
-
<p>Therefore, you should always use a mod APK at your own risk and discretion. You should also download a mod APK from a trusted and reliable source.</p>
|
91 |
-
<h3>Where to find and download the latest version of Township Dinheiro Infinito 2022 Mod APK</h3>
|
92 |
-
<p>If you are looking for a trusted and reliable source to download Township Dinheiro Infinito 2022 Mod APK, you can visit our website [text]. We provide you with the latest version of Township Dinheiro Infinito 2022 Mod APK that is compatible with all Android devices. Our mod APK is also safe and secure to use as we scan it for malware and viruses before uploading it on our website.</p>
|
93 |
-
<p>To download Township Dinheiro Infinito 2022 Mod APK from our website, you need to follow these simple steps:</p>
|
94 |
-
<ol>
|
95 |
-
<li>Go to our website [text] and search for Township Dinheiro Infinito 2022 Mod APK.</li>
|
96 |
-
<li>Click on the download button and wait for a few seconds until the download link is generated.</li>
|
97 |
-
<li>Click on the download link and save the mod APK file on your device.</li>
|
98 |
-
</ol>
|
99 |
-
<h3>How to install and run the mod APK on your device</h3>
|
100 |
-
<p>After downloading Township Dinheiro Infinito 2022 Mod APK from our website, you need to install and run it on your device. To do that, you need to follow these simple steps:</p>
|
101 |
-
<ol>
|
102 |
-
<li>Go to your device settings and enable unknown sources. This will allow you to install applications from sources other than Google Play Store <li>Locate the mod APK file on your device and tap on it to start the installation process.</li>
|
103 |
-
<li>Follow the instructions on the screen and wait for the installation to complete.</li>
|
104 |
-
<li>Launch the game from your app drawer or home screen and enjoy the mod features.</li>
|
105 |
-
</ol>
|
106 |
-
<p>Note: You may need to uninstall the original version of Township before installing the mod APK. You may also need to allow some permissions to the mod APK such as storage, location, etc. for it to work properly.</p>
|
107 |
-
<h2>How to Use Township Dinheiro Infinito 2022 Mod APK to Get Unlimited Money and Coins</h2>
|
108 |
-
<p>Now that you have installed and run Township Dinheiro Infinito 2022 Mod APK on your device, you can use it to get unlimited money and coins in the game. Here is how you can do that:</p>
|
109 |
-
<h3>How to access the mod menu and enable the money and coins hack</h3>
|
110 |
-
<p>To access the mod menu and enable the money and coins hack, you need to follow these simple steps:</p>
|
111 |
-
<ol>
|
112 |
-
<li>Open the game and wait for it to load.</li>
|
113 |
-
<li>Tap on the icon that looks like a gear or a wrench on the top right corner of the screen. This will open the mod menu.</li>
|
114 |
-
<li>Tap on the option that says "Money and Coins Hack". This will enable the hack and give you unlimited money and coins in the game.</li>
|
115 |
-
<li>Tap on the back button or anywhere outside the mod menu to close it.</li>
|
116 |
-
</ol>
|
117 |
-
<p>You can now see that your money and coins have increased to a huge amount. You can use them to buy anything you want in the game.</p>
|
118 |
-
<h3>How to spend your money and coins wisely in the game</h3>
|
119 |
-
<p>Although you have unlimited money and coins in the game, you should still spend them wisely and not waste them on unnecessary things. Here are some tips on how to spend your money and coins wisely in the game:</p>
|
120 |
-
<ul>
|
121 |
-
<li>Buy new buildings and decorations that will increase your population, happiness, income, or production. For example, you can buy houses, community buildings, factories, farms, etc.</li>
|
122 |
-
<li>Expand your land area so that you can have more space for your buildings and decorations. You can also clear obstacles such as trees, rocks, etc. that are blocking your land.</li>
|
123 |
-
<li>Upgrade your buildings and factories so that they can produce more goods or faster. You can also buy new equipment or machines that will help you produce more goods or faster.</li>
|
124 |
-
<li>Hire more workers or managers that will help you run your town more efficiently. You can also train them or give them bonuses to improve their performance.</li>
|
125 |
-
<li>Buy premium items or boosters that will give you extra benefits or advantages in the game. For example, you can buy cash, gems, keys, etc. that will help you unlock new items or features in the game.</li>
|
126 |
-
</ul>
|
127 |
-
<p>You should also avoid spending your money and coins on things that are not worth it or that will not help you progress faster in the game. For example, you should avoid buying:</p>
|
128 |
-
<ul>
|
129 |
-
<li>Duplicate buildings or decorations that will not add any value to your town.</li>
|
130 |
-
<li>Items or boosters that are too expensive or that have a short duration or effect.</li>
|
131 |
-
<li>Items or boosters that are not compatible with your town or your goals.</li>
|
132 |
-
<li>Items or boosters that are illegal or unethical in the game.</li>
|
133 |
-
</ul>
|
134 |
-
<h3>How to avoid getting banned or detected by the game developers</h3>
|
135 |
-
<p>Although Township Dinheiro Infinito 2022 Mod APK is safe and secure to use, there is still a slight chance that you may get banned or detected by the game developers if you use it too much or too obvious. To avoid getting banned or detected by the game developers, you should follow these tips:</p>
|
136 |
-
<ul>
|
137 |
-
<li>Do not use the mod APK on your main account or device. Use it on a secondary account or device that you don't care about losing.</li>
|
138 |
-
<li>Do not use the mod APK online or connect it to your social media accounts. Use it offline or in airplane mode as much as possible.</li>
|
139 |
-
<li>Do not use the mod APK for too long or too often. Use it sparingly or occasionally when you need it.</li>
|
140 |
-
<li>Do not use the mod APK to cheat or abuse other players in the game. Use it only for your own enjoyment and benefit.</li>
|
141 |
-
<li>Do not brag or show off your mod APK to other players in the game. Keep it a secret and be discreet about it.</li>
|
142 |
-
</ul>
|
143 |
-
<h2>Tips and Tricks to Grow and Expand Your Town Faster in Township</h2>
|
144 |
-
<p>Besides using Township Dinheiro Infinito 2022 Mod APK, there are also some tips and tricks that you can use to grow and expand your town faster in Township. Here are some of them:</p>
|
145 |
-
<h3>How to maintain a steady production of goods and fulfill orders</h3>
|
146 |
-
<p>One of the main tasks in Township is to produce goods and fulfill orders. This will help you earn coins, experience points, and other rewards. To maintain a steady production of goods and fulfill orders, you should:</p>
|
147 |
-
<ul>
|
148 |
-
<li>Plant crops that match the demand of your townspeople and your orders. For example, if you have a lot of orders for bread, you should plant more wheat.</li>
|
149 |
-
<li>Harvest your crops as soon as they are ready and store them in your barn. You can also use boosters or helpers to speed up the harvesting process.</li>
|
150 |
-
<li>Produce goods in your factories according to the recipes and the availability of ingredients. You can also upgrade your factories or buy new ones to increase your production capacity.</li>
|
151 |
-
<li>Fulfill your orders as soon as they are ready and collect your rewards. You can also use boosters or helpers to speed up the delivery process.</li>
|
152 |
-
<li>Cancel or delete orders that are too hard or too low-paying. You can also refresh your order board to get new orders.</li>
|
153 |
-
</ul>
|
154 |
-
<h3>How to add new buildings and decorations to your town</h3>
|
155 |
-
<p>Another main task in Township is to add new buildings and decorations to your town. This will help you increase your population, happiness, income, and production. To add new buildings and decorations to your town, you should:</p>
|
156 |
-
<ul>
|
157 |
-
<li>Buy new buildings and decorations from the shop using coins or cash. You can also get some buildings and decorations for free by completing achievements or participating in events.</li>
|
158 |
-
<li>Place your buildings and decorations on your land area according to your preference and design. You can also move or rotate them if you want to change their position or orientation.</li>
|
159 |
-
<li>Connect your buildings with roads so that your townspeople can access them. You can also decorate your roads with sidewalks, lamps, trees, etc.</li>
|
160 |
-
<li>Upgrade your buildings so that they can accommodate more people, produce more income, or offer more services. You can also customize your buildings with different styles or colors.</li>
|
161 |
-
</ul>
|
162 |
-
<h3>How to use the train, airplane, and port to trade with other countries</h3>
|
163 |
-
<p>Another main task in Township is to use the train, airplane, and port to trade with other countries. This will help you get rare goods that you can't produce in your town. To use the train, airplane, and port to trade with other countries, you should:</p>
|
164 |
-
<ul>
|
165 |
-
<li>Send your train to different destinations by filling the crates with goods that are requested by the destination. You can also use boosters or helpers to speed up the train journey.</li>
|
166 |
-
<li>Send your airplane to different countries by filling the cargo with goods that are requested by the country. You can also use boosters or helpers to speed up the airplane flight.</li>
|
167 |
-
<li>Send your port to different islands by filling the ship with goods that are requested by the island. You can also use boosters or helpers to speed up the ship voyage.</li>
|
168 |
-
<li>Receive your train, airplane, or port back with rare goods that you can use in your town or trade with other players. You can also get coins, cash, gems, keys, etc. as rewards.</li>
|
169 |
-
</ul>
|
170 |
-
<h3>How to explore the mine, zoo, and landmarks in your town</h3>
|
171 |
-
<p>Another main task in Township is to explore the mine, zoo, and landmarks in your town. This will help you get resources, animals, and artifacts that you can use in your town or trade with other players. To explore the mine, zoo, and landmarks in your town, you should:</p>
|
172 |
-
<ul>
|
173 |
-
<li>Mine for resources such as ore, coal, clay, etc. in the mine using tools such as pickaxes, dynamites, etc. You can also use boosters or helpers to speed up the mining process.</li>
|
174 |
-
<li>Collect animals from around the world in the zoo using coins or cash. You can also breed animals and create new species.</li>
|
175 |
-
<li>Decorate your zoo with habitats, enclosures, feeders, etc. using coins or cash. You can also upgrade your zoo facilities or buy new ones to increase your zoo capacity.</li>
|
176 |
-
<li>Visit landmarks such as the Statue of Liberty, the Eiffel Tower , the Pyramids of Giza, etc. in your town using coins or cash. You can also get artifacts from these landmarks that you can display in your museum.</li>
|
177 |
-
</ul>
|
178 |
-
<h3>How to play with your friends and join clans in the game community</h3>
|
179 |
-
<p>Another main task in Township is to play with your friends and join clans in the game community. This will help you socialize, cooperate, and compete with other players from around the world. To play with your friends and join clans in the game community, you should:</p>
|
180 |
-
<ul>
|
181 |
-
<li>Connect your game to your Facebook account or your Google Play Games account. This will allow you to see your friends who are also playing Township and visit their towns.</li>
|
182 |
-
<li>Send and receive gifts, help requests, and messages to your friends. You can also chat with them and share tips and tricks.</li>
|
183 |
-
<li>Join a clan or create your own clan using coins or cash. You can also invite your friends to join your clan or search for other clans that suit your preferences.</li>
|
184 |
-
<li>Participate in clan activities such as the regatta, the clan race, the clan chest, etc. You can also chat with your clan members and share resources and goods.</li>
|
185 |
-
<li>Compete with other clans in the clan leaderboard and earn rewards and trophies.</li>
|
186 |
-
</ul>
|
187 |
-
<h2>Conclusion</h2>
|
188 |
-
<p>Township is a fun and addictive game that will keep you entertained for hours. You can build your dream town, farm your crops, produce your goods, trade with other countries, explore the mine, zoo, and landmarks, play with your friends and join clans, and more. However, if you want to get unlimited money and coins in the game, you will need to download Township Dinheiro Infinito 2022 Mod APK from our website [text]. This mod APK will give you access to a mod menu where you can enable the money and coins hack and enjoy other features such as unlimited cash, gems, keys, etc. You can also use our tips and tricks to grow and expand your town faster in Township. We hope you enjoy playing Township Dinheiro Infinito 2022 Mod APK and have a great time!</p>
|
189 |
-
<h2>FAQs</h2>
|
190 |
-
<p>Here are some frequently asked questions about Township Dinheiro Infinito 2022 Mod APK:</p>
|
191 |
-
<table>
|
192 |
-
<tr><td><b>Q: Is Township Dinheiro Infinito 2022 Mod APK safe and secure to use?</b></td><td><b>A: Yes, Township Dinheiro Infinito 2022 Mod APK is safe and secure to use as we scan it for malware and viruses before uploading it on our website. However, you should always use it at your own risk and discretion.</b></td></tr>
|
193 |
-
<tr><td><b>Q: Is Township Dinheiro Infinito 2022 Mod APK compatible with all Android devices?</b></td><td><b>A: Yes, Township Dinheiro Infinito 2022 Mod APK is compatible with all Android devices that support the original version of Township. However, you should always check the system requirements of the mod APK before downloading it.</b></td></tr>
|
194 |
-
<tr><td><b>Q: Do I need to root my device to use Township Dinheiro Infinito 2022 Mod APK?</b></td><td><b>A: No, you do not need to root your device to use Township Dinheiro Infinito 2022 Mod APK. You can install and run it on any non-rooted device.</b></td></tr>
|
195 |
-
<tr><td><b>Q: Will I get banned or detected by the game developers if I use Township Dinheiro Infinito 2022 Mod APK?</b></td><td><b>A: There is a slight chance that you may get banned or detected by the game developers if you use Township Dinheiro Infinito 2022 Mod APK too much or too obvious. To avoid getting banned or detected by the game developers, you should follow our tips on how to use the mod APK safely and discreetly.</b></td></tr>
|
196 |
-
<tr><td><b>Q: Can I update Township Dinheiro Infinito 2022 Mod APK when a new version of Township is released?</b></td><td><b>A: Yes, you can update Township Dinheiro Infinito 2022 Mod APK when a new version of Township is released. However, you should always check our website [text] for the latest version of Township Dinheiro Infinito 2022 Mod APK before updating it.</b></td></tr>
|
197 |
-
</table></p> 197e85843d<br />
|
198 |
-
<br />
|
199 |
-
<br />
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/1pelhydcardo/ChatGPT-prompt-generator/assets/Criminal Case The Conspiracy MOD APK - The Best Way to Play the Game.md
DELETED
@@ -1,92 +0,0 @@
|
|
1 |
-
|
2 |
-
<h1>Download Mod Criminal Case: The Conspiracy - How to Play the Thrilling Adventure Game for Free</h1>
|
3 |
-
<p>If you are a fan of crime-solving games, you might have heard of Criminal Case: The Conspiracy, a popular hidden object, adventure game developed by Pretty Simple. In this game, you join the Police of Grimsborough once again to solve a series of murder cases in a dark and twisted city. You investigate crime scenes, interrogate suspects, analyze evidence, and catch the killers. But what if you want to play this game without spending any money or waiting for energy refills? Is there a way to enjoy this game for free and with unlimited resources? The answer is yes, if you download mod criminal case the conspiracy. In this article, we will explain what is a mod apk, how to download it, and what are the benefits and risks of using it.</p>
|
4 |
-
<h2>What is Criminal Case: The Conspiracy?</h2>
|
5 |
-
<h3>A captivating hidden object, adventure game</h3>
|
6 |
-
<p>Criminal Case: The Conspiracy is the fifth game of the Criminal Case series, which has been downloaded over 100 million times on Google Play and App Store. It is a hidden object, adventure game that puts you in the role of a detective who has to solve various murder cases. You have to find clues in different crime scenes, examine them in the lab, question witnesses and suspects, and use your logic and intuition to identify the killer. You can also team up with other players online and compete for the best scores.</p>
|
7 |
-
<h2>download mod criminal case the conspiracy</h2><br /><p><b><b>Download Zip</b> ---> <a href="https://urlin.us/2uT2vC">https://urlin.us/2uT2vC</a></b></p><br /><br />
|
8 |
-
<h3>A dark and suspenseful storyline</h3>
|
9 |
-
<p>The game is set in Grimsborough, a fictional city that has been corrupted by crime and violence. You will encounter many intriguing characters and scenarios as you uncover the secrets and conspiracies behind each murder. The game has a realistic and immersive graphics style that creates a thrilling atmosphere. The game also has a voice-over narration that adds more depth and emotion to the story.</p>
|
10 |
-
<h3>A challenging and rewarding gameplay</h3>
|
11 |
-
<p>The game is not just about finding objects in a scene. You also have to use your brain and skills to solve puzzles, mini-games, and quizzes that test your knowledge and memory. You also have to make decisions that affect the outcome of the case and your reputation as a detective. The game rewards you with stars, coins, cash, energy, and other items that you can use to customize your avatar, buy new outfits and accessories, unlock new crime scenes, and access more features.</p>
|
12 |
-
<h2>What is a mod apk?</h2>
|
13 |
-
<h3>A modified version of the original app</h3>
|
14 |
-
<p>A mod apk is a file that contains a modified version of an original app or game. It is usually created by third-party developers or hackers who want to alter or enhance some aspects of the app or game. For example, a mod apk can remove ads, unlock premium features, increase resources, change graphics, add cheats, etc.</p>
|
15 |
-
<h3>A way to unlock premium features and unlimited resources</h3>
|
16 |
-
<p>One of the main reasons why people download mod apks is to get access to premium features and unlimited resources that are otherwise not available in the original app or game. For example, if you download mod criminal case the conspiracy, you can enjoy an ad-free experience, increase your energy bar to 170, get unlimited coins and cash, unlock all crime scenes and outfits, etc.</p>
|
17 |
-
<h3>A potential risk for your device and data security</h3>
|
18 |
-
<p>However, downloading mod apks also comes with some risks. Since they are not authorized by the original developers <p>of the app or game, they may contain malware, viruses, spyware, or other harmful software that can damage your device or steal your personal data. They may also violate the terms and conditions of the app or game, which can result in your account being banned or suspended. Therefore, you should always be careful and cautious when downloading mod apks from unknown sources.</p>
|
19 |
-
<h2>How to download mod criminal case the conspiracy?</h2>
|
20 |
-
<h3>Find a reliable source of mod apk files</h3>
|
21 |
-
<p>The first step to download mod criminal case the conspiracy is to find a trustworthy and reputable website that offers mod apk files for free. You can search online for reviews, ratings, feedback, and comments from other users who have downloaded the same mod apk file. You can also check the file size, version, compatibility, and update date of the mod apk file before downloading it.</p>
|
22 |
-
<h3>Enable unknown sources on your device settings</h3>
|
23 |
-
<p>The next step is to enable unknown sources on your device settings. This will allow you to install apps or games from sources other than the official Google Play Store or App Store. To do this, go to your device settings, then security, then unknown sources, and toggle it on. You may also need to disable any antivirus or firewall software that may block the installation of mod apks.</p>
|
24 |
-
<p>download mod apk criminal case the conspiracy<br />
|
25 |
-
download modded version of criminal case the conspiracy<br />
|
26 |
-
download hack mod for criminal case the conspiracy<br />
|
27 |
-
download unlimited money mod for criminal case the conspiracy<br />
|
28 |
-
download free purchase mod for criminal case the conspiracy<br />
|
29 |
-
download latest mod of criminal case the conspiracy<br />
|
30 |
-
download mod criminal case the conspiracy android<br />
|
31 |
-
download mod criminal case the conspiracy ios<br />
|
32 |
-
download mod criminal case the conspiracy for pc<br />
|
33 |
-
download mod criminal case the conspiracy online<br />
|
34 |
-
download mod criminal case the conspiracy offline<br />
|
35 |
-
download mod criminal case the conspiracy 2.36<br />
|
36 |
-
download mod criminal case the conspiracy 2.37<br />
|
37 |
-
download mod criminal case the conspiracy 2.38<br />
|
38 |
-
download mod criminal case the conspiracy 2.39<br />
|
39 |
-
download mod criminal case the conspiracy happymod[^1^]<br />
|
40 |
-
download mod criminal case the conspiracy apkdone[^1^]<br />
|
41 |
-
download mod criminal case the conspiracy apkhome[^1^]<br />
|
42 |
-
download mod criminal case the conspiracy apk4all[^1^]<br />
|
43 |
-
download mod criminal case the conspiracy apkpure[^1^]<br />
|
44 |
-
download mod criminal case the conspiracy rexdl[^1^]<br />
|
45 |
-
download mod criminal case the conspiracy revdl[^1^]<br />
|
46 |
-
download mod criminal case the conspiracy an1[^1^]<br />
|
47 |
-
download mod criminal case the conspiracy android1[^1^]<br />
|
48 |
-
download mod criminal case the conspiracy androidp1[^1^]<br />
|
49 |
-
download mod criminal case the conspiracy apkmodhub[^1^]<br />
|
50 |
-
download mod criminal case the conspiracy apkmodpro[^1^]<br />
|
51 |
-
download mod criminal case the conspiracy apkmodmania[^1^]<br />
|
52 |
-
download mod criminal case the conspiracy apkmodone[^1^]<br />
|
53 |
-
download mod criminal case the conspiracy apkmodplus[^1^]<br />
|
54 |
-
how to download mod criminal case the conspiracy<br />
|
55 |
-
where to download mod criminal case the conspiracy<br />
|
56 |
-
why to download mod criminal case the conspiracy<br />
|
57 |
-
what is mod criminal case the conspiracy<br />
|
58 |
-
who made mod criminal case the conspiracy<br />
|
59 |
-
features of mod criminal case the conspiracy<br />
|
60 |
-
benefits of mod criminal case the conspiracy<br />
|
61 |
-
drawbacks of mod criminal case the conspiracy<br />
|
62 |
-
reviews of mod criminal case the conspiracy<br />
|
63 |
-
ratings of mod criminal case the conspiracy<br />
|
64 |
-
gameplay of mod criminal case the conspiracy<br />
|
65 |
-
walkthrough of mod criminal case the conspiracy<br />
|
66 |
-
tips and tricks for mod criminal case the conspiracy<br />
|
67 |
-
cheats and codes for mod criminal case the conspiracy<br />
|
68 |
-
guide and tutorial for mod criminal case the conspiracy<br />
|
69 |
-
faq and support for mod criminal case the conspiracy<br />
|
70 |
-
updates and news for mod criminal case the conspiracy<br />
|
71 |
-
alternatives and similar apps to mod criminal case the conspiracy</p>
|
72 |
-
<h3>Install the mod apk file and launch the game</h3>
|
73 |
-
<p>The final step is to install the mod apk file and launch the game. To do this, locate the downloaded mod apk file on your device storage, tap on it, and follow the instructions on the screen. Once the installation is complete, you can open the game and enjoy playing it with all the premium features and unlimited resources unlocked.</p>
|
74 |
-
<h2>Conclusion</h2>
|
75 |
-
<h3>Summarize the main points of the article</h3>
|
76 |
-
<p>In conclusion, Criminal Case: The Conspiracy is a hidden object, adventure game that lets you solve murder cases in a corrupt city. You can download mod criminal case the conspiracy to play this game for free and with unlimited resources. However, you should be aware of the risks and consequences of using mod apks from unknown sources. You should also respect the original developers and support their work by purchasing the official app or game if you like it.</p>
|
77 |
-
<h3>Provide a call to action for the readers</h3>
|
78 |
-
<p>If you are ready to download mod criminal case the conspiracy and start your thrilling adventure as a detective, you can click on the link below and follow the steps we have explained in this article. But remember, download at your own risk and discretion. Have fun and good luck!</p>
|
79 |
-
<p><a href="">Download Mod Criminal Case: The Conspiracy Here</a></p>
|
80 |
-
<h2>FAQs</h2>
|
81 |
-
<h4>Q: Is Criminal Case: The Conspiracy free to play?</h4>
|
82 |
-
<p>A: Yes, Criminal Case: The Conspiracy is free to play on Google Play and App Store. However, some features and items may require in-app purchases or watching ads.</p>
|
83 |
-
<h4>Q: How many cases are there in Criminal Case: The Conspiracy?</h4>
|
84 |
-
<p>A: There are 60 cases in Criminal Case: The Conspiracy, divided into six districts: Fairview, Money Mile, The Greens, Old Town, Maple Heights, and Misty Grove.</p>
|
85 |
-
<h4>Q: How can I get more energy in Criminal Case: The Conspiracy?</h4>
|
86 |
-
<p>A: There are several ways to get more energy in Criminal Case: The Conspiracy. You can wait for it to regenerate over time, buy it with coins or cash, watch ads, collect daily bonuses, complete achievements, send and receive energy from your friends, or use boosters.</p>
|
87 |
-
<h4>Q: What are the benefits of using a mod apk?</h4>
|
88 |
-
<p>A: The benefits of using a mod apk are that you can unlock premium features and unlimited resources that are not available in the original app or game. For example, you can remove ads, increase your energy bar, get unlimited coins and cash, unlock all crime scenes and outfits, etc.</p>
|
89 |
-
<h4>Q: What are the risks of using a mod apk?</h4>
|
90 |
-
<p>A: The risks of using a mod apk are that you may expose your device and data to malware, viruses, spyware, or other harmful software that can damage or steal them. You may also violate the terms and conditions of the original app or game, which can result in your account being banned or suspended.</p> 197e85843d<br />
|
91 |
-
<br />
|
92 |
-
<br />
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/1phancelerku/anime-remove-background/Download E-Aadhaar Online Step by Step Guide.md
DELETED
@@ -1,104 +0,0 @@
|
|
1 |
-
<br />
|
2 |
-
<br> - Steps to download e-Aadhaar using Aadhaar number, enrolment ID or virtual ID <br> - How to open and print e-Aadhaar PDF file | | H2: Benefits of e-Aadhaar | - Validity and acceptance of e-Aadhaar as a proof of identity and address <br> - Convenience and portability of e-Aadhaar <br> - Security and privacy of e-Aadhaar | | H2: FAQs on e-Aadhaar | - How to update details in e-Aadhaar? <br> - How to get Aadhaar PVC card? <br> - How to check Aadhaar authentication history? <br> - How to lock and unlock Aadhaar biometrics? <br> - How to verify Aadhaar number and email/mobile number? | Table 2: Article with HTML formatting <h1>What is e-Aadhaar and how to download it online?</h1>
|
3 |
-
<p>E-Aadhaar is an electronic version of your Aadhaar card that you can download from the official website of the Unique Identification Authority of India (UIDAI) . E-Aadhaar is as valid as the physical copy of Aadhaar and can be used as a proof of identity and address for various purposes . E-Aadhaar contains your name, address, gender, date of birth, photo, biometrics, mobile number, email ID and Aadhaar number.</p>
|
4 |
-
<h2>e aadhar download online</h2><br /><p><b><b>Download Zip</b> ✅ <a href="https://jinyurl.com/2uNOuP">https://jinyurl.com/2uNOuP</a></b></p><br /><br />
|
5 |
-
<p>In this article, we will explain how you can download your e-Aadhaar online using your Aadhaar number, enrolment ID or virtual ID. We will also tell you how to open and print your e-Aadhaar PDF file. Finally, we will discuss the benefits of e-Aadhaar and answer some frequently asked questions on e-Aadhaar.</p>
|
6 |
-
<h3>Steps to download e-Aadhaar using Aadhaar number, enrolment ID or virtual ID</h3>
|
7 |
-
<p>To download your e-Aadhaar online, you need to follow these steps:</p>
|
8 |
-
<ol>
|
9 |
-
<li>Visit the UIDAI website or click on "Download Aadhaar" option from My Aadhaar menu or visit the link .</li>
|
10 |
-
<li>Select one of the options: Aadhaar number, enrolment ID or virtual ID.</li>
|
11 |
-
<li>Enter your 12-digit Aadhaar number, 14-digit enrolment ID or 16-digit virtual ID.</li>
|
12 |
-
<li>Select "Regular Aadhaar" or "Masked Aadhaar". Masked Aadhaar will hide the first 8 digits of your Aadhaar number for extra security.</li>
|
13 |
-
<li>Enter the captcha verification code and click on "Send OTP" or "Enter a TOTP" if you have the mAadhaar app .</li>
|
14 |
-
<li>Enter the OTP or TOTP received on your registered mobile number or email ID.</li>
|
15 |
-
<li>Click on "Verify and Download" to download your e-Aadhaar PDF file.</li>
|
16 |
-
</ol>
|
17 |
-
<h3>How to open and print e-Aadhaar PDF file</h3>
|
18 |
-
<p>To open your e-Aadhaar PDF file, you need to enter a password. The password is an 8-character combination of the first four letters of your name (in capital letters) and your year of birth (in YYYY format). For example, if your name is Ravi Kumar and your year of birth is 1990, then your password is RAVI1990 .</p>
|
19 |
-
<p>To print your e-Aadhaar PDF file, you need to have a printer connected to your device. You can use the print option in the PDF viewer or press Ctrl+P to print your e-Aadhaar. You can also save your e-Aadhaar PDF file in a pen drive or email it to yourself for future use.</p>
|
20 |
-
<p>How to download e aadhar card by name and date of birth<br />
|
21 |
-
E aadhar card download online with mobile number<br />
|
22 |
-
E aadhar card download online without otp<br />
|
23 |
-
E aadhar card download online pdf password<br />
|
24 |
-
E aadhar card download online status check<br />
|
25 |
-
E aadhar card download online using enrolment number<br />
|
26 |
-
E aadhar card download online kaise kare<br />
|
27 |
-
E aadhar card download online tamil nadu<br />
|
28 |
-
E aadhar card download online update<br />
|
29 |
-
E aadhar card download online print out<br />
|
30 |
-
E aadhar card download online correction<br />
|
31 |
-
E aadhar card download online apply<br />
|
32 |
-
E aadhar card download online verification<br />
|
33 |
-
E aadhar card download online link<br />
|
34 |
-
E aadhar card download online portal<br />
|
35 |
-
E aadhar card download online registration<br />
|
36 |
-
E aadhar card download online login<br />
|
37 |
-
E aadhar card download online app<br />
|
38 |
-
E aadhar card download online free<br />
|
39 |
-
E aadhar card download online by fingerprint<br />
|
40 |
-
E aadhar card download online by email id<br />
|
41 |
-
E aadhar card download online by qr code<br />
|
42 |
-
E aadhar card download online by face authentication<br />
|
43 |
-
E aadhar card download online by address proof<br />
|
44 |
-
E aadhar card download online by pan number<br />
|
45 |
-
E aadhar card download online by voter id<br />
|
46 |
-
E aadhar card download online by bank account number<br />
|
47 |
-
E aadhar card download online by mobile app<br />
|
48 |
-
E aadhar card download online by sms<br />
|
49 |
-
E aadhar card download online by call center<br />
|
50 |
-
E aadhar card download online by post office<br />
|
51 |
-
E aadhar card download online by uidai website<br />
|
52 |
-
E aadhar card download online by umang app<br />
|
53 |
-
E aadhar card download online by digilocker app<br />
|
54 |
-
E aadhar card download online by mAadhaar app<br />
|
55 |
-
E aadhar card download online by paytm app<br />
|
56 |
-
E aadhar card download online by google pay app<br />
|
57 |
-
E aadhar card download online by phonepe app<br />
|
58 |
-
E aadhar card download online by amazon pay app<br />
|
59 |
-
E aadhar card download online by flipkart app<br />
|
60 |
-
Benefits of e aadhar card download online <br />
|
61 |
-
Steps to e aadhar card download online <br />
|
62 |
-
FAQs on e aadhar card download online <br />
|
63 |
-
Tips for e aadhar card download online <br />
|
64 |
-
Problems with e aadhar card download online <br />
|
65 |
-
Solutions for e aadhar card download online <br />
|
66 |
-
Reviews of e aadhar card download online <br />
|
67 |
-
Features of e aadhar card download online <br />
|
68 |
-
Advantages of e aadhar card download online</p>
|
69 |
-
<h2>Benefits of e-Aadhaar</h2>
|
70 |
-
<p>E-Aadhaar has many benefits over the physical copy of Aadhaar. Some of them are:</p>
|
71 |
-
<ul>
|
72 |
-
<li><b>Validity and acceptance:</b> E-Aadhaar is equally valid as the physical copy of Aadhaar for all purposes. You can use it as a proof of identity and address for opening bank accounts, applying for passports, availing subsidies, etc. E-Aadhaar is also accepted by all government and private entities that require Aadhaar verification .</li>
|
73 |
-
<li><b>Convenience and portability:</b> E-A - E-Aadhaar is easy to download and access anytime and anywhere. You don't have to worry about losing or damaging your physical Aadhaar card. You can also download multiple copies of e-Aadhaar for different purposes. E-Aadhaar is also compatible with various digital platforms and devices such as smartphones, tablets, laptops, etc.</li>
|
74 |
-
<li><b>Security and privacy:</b> E-Aadhaar is protected by a password and an OTP or TOTP verification. This ensures that only you can access your e-Aadhaar and prevent any unauthorized use. E-Aadhaar also allows you to mask your Aadhaar number for extra security. E-Aadhaar also follows the Aadhaar Act, 2016 and the Aadhaar Regulations, 2016 which safeguard your data and privacy rights.</li>
|
75 |
-
</ul>
|
76 |
-
<h2>FAQs on e-Aadhaar</h2>
|
77 |
-
<p>Here are some of the common questions and answers on e-Aadhaar:</p>
|
78 |
-
<h4>How to update details in e-Aadhaar?</h4>
|
79 |
-
<p>If you want to update your name, address, gender, date of birth, mobile number or email ID in your e-Aadhaar, you can do so online or offline. For online update, you need to visit the UIDAI website or click on "Update your address online" option from My Aadhaar menu or visit the link . You need to login with your Aadhaar number and OTP or TOTP and upload the relevant documents for verification. For offline update, you need to visit an Aadhaar enrolment center and fill an Aadhaar update form and submit the required documents and biometrics.</p>
|
80 |
-
<h4>How to get Aadhaar PVC card?</h4>
|
81 |
-
<p>Aadhaar PVC card is a durable and convenient form of Aadhaar that you can order online from the UIDAI website or click on "Order Aadhaar PVC Card" option from My Aadhaar menu or visit the link . You need to enter your Aadhaar number, virtual ID or enrolment ID and pay a nominal fee of Rs. 50 (inclusive of GST and speed post charges). You will receive your Aadhaar PVC card within 15 days at your registered address.</p>
|
82 |
-
<h4>How to check Aadhaar authentication history?</h4>
|
83 |
-
<p>Aadhaar authentication history is a record of the transactions where you have used your Aadhaar for verification. You can check your Aadhaar authentication history online from the UIDAI website or click on "Aadhaar Authentication History" option from My Aadhaar menu or visit the link . You need to enter your Aadhaar number and OTP or TOTP and select the date range and authentication type. You will see the details of the authentication agencies, date, time and status of your Aadhaar authentication transactions.</p>
|
84 |
-
<h4>How to lock and unlock Aadhaar biometrics?</h4>
|
85 |
-
<p>Aadhaar biometrics are your fingerprints and iris scans that are used for verifying your identity. You can lock and unlock your Aadhaar biometrics online from the UIDAI website or click on "Lock/Unlock Biometrics" option from My Aadhaar menu or visit the link . You need to enter your Aadhaar number and OTP or TOTP and click on "Enable" or "Disable" button. When you lock your biometrics, you cannot use them for authentication until you unlock them. This feature enhances the security of your biometrics.</p>
|
86 |
-
<h4>How to verify Aadhaar number and email/mobile number?</h4>
|
87 |
-
<p>You can verify your Aadhaar number and email/mobile number online from the UIDAI website or click on "Verify an Aadhaar Number" option from My Aadhaar menu or visit the link . You need to enter the Aadhaar number that you want to verify and click on "Proceed to verify". You will see the details of the Aadhaar holder such as name, gender, age band, state, etc. You can also verify your email/mobile number by clicking on "Verify Email/Mobile Number" option from My Aadhar menu or visit the link . You need to enter your email/mobile number and OTP or TOTP and click on "Verify". You will see a confirmation message if your email/mobile number is registered with UIDAI.</p>
|
88 |
-
<h2>Conclusion</h2>
|
89 |
-
<p>E-Aadhaar is a digital form of your Aadhaar card that you can download online from the UIDAI website using your Aadhaar number, enrolment ID or virtual ID. E-Aadhaar is as valid as the physical copy of Aadhaar and can be used as a proof of identity and address for various purposes. E-Aadhaar has many benefits such as validity, convenience, portability, security and privacy. To download your e-Aadhaar online, you need to have a registered mobile number or email ID with UIDAI. If you don't have one, you can update it at an Aadhaar enrolment center. You can also check the status of your Aadhaar generation or update online from the UIDAI website.</p>
|
90 |
-
<p>We hope this article has helped you understand what is e-Aadhaar and how to download it online. If you have any queries or feedback, please feel free to contact us or leave a comment below.</p>
|
91 |
-
<h2>FAQs</h2>
|
92 |
-
<p>Here are some of the common questions and answers on e-Aadhaar:</p>
|
93 |
-
<h4>What is the difference between e-Aadhaar and m-Aadhaar?</h4>
|
94 |
-
<p>E-Aadhaar is an electronic version of your Aadhaar card that you can download from the UIDAI website as a PDF file. M-Aadhaar is a mobile app that allows you to access your Aadhaar details on your smartphone. You can also use m-Aadhaar as a proof of identity and address for various purposes. You can download m-Aadhaar from Google Play Store or App Store .</p>
|
95 |
-
<h4>Is e-Aadhaar valid for travel?</h4>
|
96 |
-
<p>Yes, e-Aadhaar is valid for travel within India. You can use it as a proof of identity and address for domestic flights, trains, buses, etc. However, for international travel, you need to have a passport or other valid documents.</p>
|
97 |
-
<h4>How to get e-Aadhaar without mobile number?</h4>
|
98 |
-
<p>If you don't have a registered mobile number with UIDAI, you cannot download your e-Aadhaar online. You need to visit an Aadhaar enrolment center and update your mobile number. Alternatively, you can also request for a physical copy of Aadhaar by post from the UIDAI website or click on "Order Aadhaar Reprint" option from My Aadhaar menu or visit the link . You need to pay a fee of Rs. 50 (inclusive of GST and speed post charges) and enter your Aadhaar number and captcha verification code. You will receive your Aadhaar letter within 15 days at your registered address.</p>
|
99 |
-
<h4>How to get e-Aadhaar with name and date of birth?</h4>
|
100 |
-
<p>If you don't remember your Aadhaar number, enrolment ID or virtual ID, you can still download your e-Aadhaar online using your name and date of birth. You need to visit the UIDAI website or click on "Retrieve Lost or Forgotten EID/UID" option from My Aadhaar menu or visit the link . You need to enter your full name, email ID or mobile number and captcha verification code. You will receive an OTP or TOTP on your registered email ID or mobile number. You need to enter the OTP or TOTP and click on "Verify OTP". You will see your Aadhaar number or enrolment ID on the screen. You can use it to download your e-Aadhaar as explained above.</p>
|
101 |
-
<h4>How to get e-Aadhaar with fingerprint?</h4>
|
102 |
-
<p>If you want to download your e-Aadhaar using your fingerprint, you need to have a biometric device that is compatible with the UIDAI website. You need to visit the UIDAI website or click on "Download Aadhaar" option from My Aadhaar menu or visit the link . You need to select "Aadhaar Number" option and enter your 12-digit Aadhaar number. You need to select "Regular Aadhaar" or "Masked Aadhaar". You need to enter the captcha verification code and click on "Use Fingerprint". You need to place your finger on the biometric device and scan it. You will receive an OTP on your registered mobile number or email ID. You need to enter the OTP and click on "Verify and Download" to download your e-Aadhaar PDF file.</p> 197e85843d<br />
|
103 |
-
<br />
|
104 |
-
<br />
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/1phancelerku/anime-remove-background/Download Who Wants to Be a Millionaire Game for PC and Win Big Prizes.md
DELETED
@@ -1,104 +0,0 @@
|
|
1 |
-
<br />
|
2 |
-
<h1>How to Download Who Wants to Be a Millionaire Game for PC</h1>
|
3 |
-
<p>Who Wants to Be a Millionaire is a popular trivia game show that challenges your general knowledge and rewards you with cash prizes. If you have ever dreamed of being on the show, you can now experience it on your PC with the official game. In this article, we will show you how to download who wants to be a millionaire game for pc, what are the features of the game, and some tips and tricks for playing it.</p>
|
4 |
-
<h2>Requirements for Downloading the Game</h2>
|
5 |
-
<p>Before you download who wants to be a millionaire game for pc, you need to make sure that your PC meets the minimum system requirements. According to Steam, these are:</p>
|
6 |
-
<h2>download who wants to be a millionaire game for pc</h2><br /><p><b><b>Download</b> ★★★ <a href="https://jinyurl.com/2uNOYl">https://jinyurl.com/2uNOYl</a></b></p><br /><br />
|
7 |
-
<ul>
|
8 |
-
<li>OS: Windows 7+ 64bit</li>
|
9 |
-
<li>Processor: Intel Core i3</li>
|
10 |
-
<li>Memory: 4 MB RAM</li>
|
11 |
-
<li>Graphics: AMD R7 260X - Nvidia GTX 550 Ti 2GB</li>
|
12 |
-
<li>DirectX: Version 11</li>
|
13 |
-
<li>Storage: 2 GB available space</li>
|
14 |
-
<li>Sound Card: Any</li>
|
15 |
-
</ul>
|
16 |
-
<p>If your PC meets these requirements, you can proceed to download who wants to be a millionaire game for pc from one of the platforms below.</p>
|
17 |
-
<h3>How to Download the Game from Steam</h3>
|
18 |
-
<p>Steam is one of the most popular platforms for buying and playing PC games. It offers a large library of games, frequent sales and discounts, and a user-friendly interface. To download who wants to be a millionaire game for pc from Steam, follow these steps:</p>
|
19 |
-
<p>download who wants to be a millionaire steam game<br />
|
20 |
-
who wants to be a millionaire pc game free download<br />
|
21 |
-
how to download who wants to be a millionaire on windows 10<br />
|
22 |
-
who wants to be a millionaire game download for mac<br />
|
23 |
-
download who wants to be a millionaire deluxe edition pc<br />
|
24 |
-
who wants to be a millionaire pc game online<br />
|
25 |
-
where can I download who wants to be a millionaire game<br />
|
26 |
-
download who wants to be a millionaire trivia game for pc<br />
|
27 |
-
who wants to be a millionaire pc game full version download<br />
|
28 |
-
download who wants to be a millionaire party game for pc<br />
|
29 |
-
who wants to be a millionaire pc game crack download<br />
|
30 |
-
download who wants to be a millionaire multiplayer game for pc<br />
|
31 |
-
who wants to be a millionaire pc game 2020 download<br />
|
32 |
-
download who wants to be a millionaire co-op game for pc<br />
|
33 |
-
who wants to be a millionaire pc game torrent download<br />
|
34 |
-
download who wants to be a millionaire casual game for pc<br />
|
35 |
-
who wants to be a millionaire pc game system requirements<br />
|
36 |
-
download who wants to be a millionaire family mode game for pc<br />
|
37 |
-
who wants to be a millionaire pc game review<br />
|
38 |
-
download who wants to be a millionaire battle royale game for pc<br />
|
39 |
-
who wants to be a millionaire pc game price<br />
|
40 |
-
download who wants to be a millionaire taking turns game for pc<br />
|
41 |
-
who wants to be a millionaire pc game steam key<br />
|
42 |
-
download who wants to be a millionaire free-for-all game for pc<br />
|
43 |
-
who wants to be a millionaire pc game questions and answers<br />
|
44 |
-
download who wants to be a millionaire uk edition pc game<br />
|
45 |
-
who wants to be a millionaire pc game cheats and tips<br />
|
46 |
-
download who wants to be a millionaire usa edition pc game<br />
|
47 |
-
who wants to be a millionaire pc game gameplay and features<br />
|
48 |
-
download who wants to be a millionaire spain edition pc game<br />
|
49 |
-
who wants to be a millionaire pc game ratings and feedbacks<br />
|
50 |
-
download who wants to be a millionaire italy edition pc game<br />
|
51 |
-
who wants to be a millionaire pc game updates and patches<br />
|
52 |
-
download who wants to be a millionaire france edition pc game<br />
|
53 |
-
who wants to be a millionaire pc game mods and customizations<br />
|
54 |
-
download who wants to be a millionaire germany edition pc game<br />
|
55 |
-
who wants to be a millionaire pc game achievements and trophies<br />
|
56 |
-
download who wants to be a millionaire neurons pack for pc game<br />
|
57 |
-
who wants to be a millionaire pc game soundtracks and voiceovers<br />
|
58 |
-
download who wants to be a millionaire deluxe upgrade for pc game</p>
|
59 |
-
<ol>
|
60 |
-
<li>Create a Steam account or log in to your existing one. You can do this by visiting <a href="">https://store.steampowered.com/join/</a> or by downloading and installing the Steam client on your PC.</li>
|
61 |
-
<li>Search for who wants to be a millionaire game on the Steam store or click on this link. You will see the game page with its description, screenshots, videos, reviews, and price.</li>
|
62 |
-
<li>Add the game to your cart and proceed to checkout. You can pay with various methods such as credit card, PayPal, or Steam Wallet. You will also receive an email confirmation of your purchase.</li>
|
63 |
-
<li>Install the game on your PC and launch it from your Steam library. You can do this by clicking on the "Library" tab on the Steam client and selecting the game from your list of games. You can also create a shortcut on your desktop for easy access.</li>
|
64 |
-
</ol>
|
65 |
-
<p>Congratulations, you have successfully downloaded who wants to be a millionaire game for pc from Steam. You can now enjoy playing the game and testing your knowledge.</p>
|
66 |
-
<h3>How to Download the Game from Other Platforms</h3>
|
67 |
-
<p>If you prefer to download who wants to be a millionaire game for pc from other platforms, you have some alternatives. Here are some of them:</p>
|
68 |
-
<ul>
|
69 |
-
<li>MEmu: This is an Android emulator that lets you play mobile games on your PC. You can download MEmu from <a href="">https://www.memuplay.com/</a> and install it on your PC. Then, you can download who wants to be a millionaire game from the Google Play Store or the APK file and play it on MEmu. This way, you can enjoy the mobile version of the game on your PC.</li>
|
70 |
-
<li>G2A: This is a marketplace that sells cheap game keys for various platforms. You can buy who wants to be a millionaire game for pc from G2A by visiting <a href="">https://www.g2a.com/en-us/who-wants-to-be-a-millionaire-steam-key-global-i10000209788001</a> and choosing your preferred seller. You will receive a game key that you can activate on Steam and download the game.</li>
|
71 |
-
<li>Green Man Gaming: This is a digital retailer that offers discounts and rewards for buying games. You can buy who wants to be a millionaire game for pc from Green Man Gaming by visiting <a href="">https://www.greenmangaming.com/games/who-wants-to-be-a-millionaire-pc/</a> and adding the game to your basket. You will need to create an account or log in to your existing one and pay with your preferred method. You will receive a game key that you can activate on Steam and download the game.</li>
|
72 |
-
</ul>
|
73 |
-
<p>These are some of the platforms that you can use to download who wants to be a millionaire game for pc. However, be careful when buying from third-party sites and make sure they are trustworthy and secure.</p>
|
74 |
-
<h2>Features of the Game</h2>
|
75 |
-
<p>Who Wants to Be a Millionaire is not just a simple trivia game. It has many features that make it fun and challenging. Here are some of them:</p>
|
76 |
-
<ul>
|
77 |
-
<li>Game modes: You can play the game in different modes, such as Cooperative, Taking Turns, Free-For-All, and Battle Royale. Each mode has its own rules and objectives, so you can choose the one that suits your preference and mood.</li>
|
78 |
-
<li>Countries and questions: You can choose from six countries to play in: USA, UK, France, Germany, Spain, and Italy. Each country has 2,000 questions that cover various topics and difficulty levels. You can also switch between countries at any time during the game.</li>
|
79 |
-
<li>Neurons and themes: As you play the game, you will collect neurons that you can use to unlock more questions and themes. Themes are visual effects that change the appearance of the game, such as Halloween, Christmas, or Retro.</li>
|
80 |
-
<li>Family mode: If you want to play with your children or younger siblings, you can activate the family mode that offers children-friendly questions. This way, you can have fun and learn together.</li>
|
81 |
-
</ul>
|
82 |
-
<p>These are some of the features that make who wants to be a millionaire game for pc an enjoyable and educational experience. You will never get bored or run out of questions with this game.</p>
|
83 |
-
<h2>Tips and Tricks for Playing the Game</h2>
|
84 |
-
<p>If you want to improve your chances of winning who wants to be a millionaire game for pc, you need to know some tips and tricks that will help you along the way. Here are some of them:</p>
|
85 |
-
<ul>
|
86 |
-
<li>Use lifelines wisely: You have three lifelines that you can use during the game: Phone a Friend, Ask the Audience, and 50/50. Each lifeline has its own advantages and disadvantages, so use them carefully and strategically.</li>
|
87 |
-
<li>Learn from your mistakes: After each game, you will see the correct answers to the questions you answered wrong or skipped. Review them and try to remember them for future games. You will also see your statistics and progress in each country.</li>
|
88 |
-
<li>Practice and improve your general knowledge: The best way to prepare for who wants to be a millionaire game for pc is to practice and improve your general knowledge. Read books, watch documentaries, play trivia games, and learn something new every day. The more you know, the better you will do.</li>
|
89 |
-
</ul>
|
90 |
-
<p>These are some of the tips and tricks that will help you succeed in who wants to be a millionaire game for pc. Remember, the game is not only about luck, but also about skill and knowledge.</p>
|
91 |
-
<h2>Conclusion</h2>
|
92 |
-
<p>Who Wants to Be a Millionaire is a game that can entertain and educate you at the same time. It is a great way to test your general knowledge and challenge yourself. You can download who wants to be a millionaire game for pc from various platforms, such as Steam, MEmu, G2A, or Green Man Gaming. You can also enjoy the game's features, such as different game modes, countries, questions, neurons, themes, and family mode. And you can use some tips and tricks to improve your performance, such as using lifelines wisely, learning from your mistakes, and practicing and improving your general knowledge.</p>
|
93 |
-
<p>So what are you waiting for? Download who wants to be a millionaire game for pc today and see if you have what it takes to become a millionaire. Good luck and have fun!</p>
|
94 |
-
<h2>FAQs</h2>
|
95 |
-
<p>Here are some frequently asked questions and answers related to who wants to be a millionaire game for pc:</p>
|
96 |
-
<ol>
|
97 |
-
<li><b>How much does the game cost?</b><br>The game costs $14.99 on Steam, but you may find it cheaper on other platforms or during sales and discounts.</li>
|
98 |
-
<li><b>Can I play the game online with other players?</b><br>Yes, you can play the game online with up to 99 other players in the Battle Royale mode. You can also play with up to three friends in the Cooperative or Taking Turns modes.</li>
|
99 |
-
<li><b>Can I customize the game settings?</b><br>Yes, you can customize the game settings, such as the language, the sound, the graphics, the controls, and the difficulty.</li>
|
100 |
-
<li><b>Can I play the game offline?</b><br>Yes, you can play the game offline in the Free-For-All mode or in the Family mode.</li>
|
101 |
-
<li><b>Can I play the game on other devices?</b><br>Yes, you can play the game on other devices, such as Android, iOS, PlayStation 4, Xbox One, and Nintendo Switch.</li>
|
102 |
-
</ol></p> 197e85843d<br />
|
103 |
-
<br />
|
104 |
-
<br />
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/44ov41za8i/FreeVC/speaker_encoder/hparams.py
DELETED
@@ -1,31 +0,0 @@
|
|
1 |
-
## Mel-filterbank
|
2 |
-
mel_window_length = 25 # In milliseconds
|
3 |
-
mel_window_step = 10 # In milliseconds
|
4 |
-
mel_n_channels = 40
|
5 |
-
|
6 |
-
|
7 |
-
## Audio
|
8 |
-
sampling_rate = 16000
|
9 |
-
# Number of spectrogram frames in a partial utterance
|
10 |
-
partials_n_frames = 160 # 1600 ms
|
11 |
-
|
12 |
-
|
13 |
-
## Voice Activation Detection
|
14 |
-
# Window size of the VAD. Must be either 10, 20 or 30 milliseconds.
|
15 |
-
# This sets the granularity of the VAD. Should not need to be changed.
|
16 |
-
vad_window_length = 30 # In milliseconds
|
17 |
-
# Number of frames to average together when performing the moving average smoothing.
|
18 |
-
# The larger this value, the larger the VAD variations must be to not get smoothed out.
|
19 |
-
vad_moving_average_width = 8
|
20 |
-
# Maximum number of consecutive silent frames a segment can have.
|
21 |
-
vad_max_silence_length = 6
|
22 |
-
|
23 |
-
|
24 |
-
## Audio volume normalization
|
25 |
-
audio_norm_target_dBFS = -30
|
26 |
-
|
27 |
-
|
28 |
-
## Model parameters
|
29 |
-
model_hidden_size = 256
|
30 |
-
model_embedding_size = 256
|
31 |
-
model_num_layers = 3
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/AIConsultant/MusicGen/audiocraft/quantization/__init__.py
DELETED
@@ -1,9 +0,0 @@
|
|
1 |
-
# Copyright (c) Meta Platforms, Inc. and affiliates.
|
2 |
-
# All rights reserved.
|
3 |
-
#
|
4 |
-
# This source code is licensed under the license found in the
|
5 |
-
# LICENSE file in the root directory of this source tree.
|
6 |
-
"""RVQ."""
|
7 |
-
# flake8: noqa
|
8 |
-
from .vq import ResidualVectorQuantizer
|
9 |
-
from .base import BaseQuantizer, DummyQuantizer, QuantizedResult
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/AIGC-Audio/Make_An_Audio_inpaint/ldm/modules/encoders/__init__.py
DELETED
File without changes
|
spaces/AIWaves/SOP_Generation-single/README copy.md
DELETED
@@ -1,13 +0,0 @@
|
|
1 |
-
---
|
2 |
-
title: SOP Generatio-single
|
3 |
-
emoji: 🐨
|
4 |
-
colorFrom: purple
|
5 |
-
colorTo: pink
|
6 |
-
sdk: gradio
|
7 |
-
sdk_version: 3.47.1
|
8 |
-
app_file: app.py
|
9 |
-
pinned: false
|
10 |
-
license: apache-2.0
|
11 |
-
---
|
12 |
-
|
13 |
-
Check out the configuration reference at https://huggingface.co/docs/hub/spaces-config-reference
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/ASJMO/freegpt/g4f/Provider/Providers/hteyun.py
DELETED
@@ -1,34 +0,0 @@
|
|
1 |
-
import requests
|
2 |
-
import os
|
3 |
-
import json
|
4 |
-
from ...typing import sha256, Dict, get_type_hints
|
5 |
-
|
6 |
-
url = 'https://hteyun.com'
|
7 |
-
model = ['gpt-3.5-turbo', 'gpt-3.5-turbo-16k', 'gpt-3.5-turbo-16k-0613', 'gpt-3.5-turbo-0613']
|
8 |
-
supports_stream = True
|
9 |
-
needs_auth = False
|
10 |
-
|
11 |
-
def _create_completion(model: str, messages: list, stream: bool, temperature: float = 0.7, **kwargs):
|
12 |
-
headers = {
|
13 |
-
'Content-Type': 'application/json',
|
14 |
-
'Accept': 'application/json, text/plain, */*',
|
15 |
-
'Accept-Language': 'ru-RU,ru;q=0.9,en-US;q=0.8,en;q=0.7,ja;q=0.6,zh-TW;q=0.5,zh;q=0.4',
|
16 |
-
'Origin': 'https://hteyun.com',
|
17 |
-
'Referer': 'https://hteyun.com/chat/',
|
18 |
-
}
|
19 |
-
data = {
|
20 |
-
'messages': messages,
|
21 |
-
'model': model,
|
22 |
-
'systemMessage': 'You are ChatGPT, a large language model trained by OpenAI. Follow the user\'s instructions carefully. Respond using russian language.',
|
23 |
-
'temperature': 0.7,
|
24 |
-
'presence_penalty': 0,
|
25 |
-
}
|
26 |
-
response = requests.post(url + '/api/chat-stream', json=data, headers=headers, stream=True)
|
27 |
-
print(response.json())
|
28 |
-
|
29 |
-
# Извлечение текста из response
|
30 |
-
return response.json()['text']
|
31 |
-
|
32 |
-
|
33 |
-
params = f'g4f.Providers.{os.path.basename(__file__)[:-3]} supports: ' + \
|
34 |
-
'(%s)' % ', '.join([f"{name}: {get_type_hints(_create_completion)[name].__name__}" for name in _create_completion.__code__.co_varnames[:_create_completion.__code__.co_argcount]])
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/AchyuthGamer/OpenGPT-Chat-UI/src/lib/utils/trimPrefix.ts
DELETED
@@ -1,6 +0,0 @@
|
|
1 |
-
export function trimPrefix(input: string, prefix: string) {
|
2 |
-
if (input.startsWith(prefix)) {
|
3 |
-
return input.slice(prefix.length);
|
4 |
-
}
|
5 |
-
return input;
|
6 |
-
}
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/AgentVerse/agentVerse/ui/src/phaser3-rex-plugins/plugins/line.js
DELETED
@@ -1,2 +0,0 @@
|
|
1 |
-
import Line from './gameobjects/rendertexture/line/Line.js';
|
2 |
-
export default Line;
|
|
|
|
|
|
spaces/AlexWang/lama/bin/blur_predicts.py
DELETED
@@ -1,57 +0,0 @@
|
|
1 |
-
#!/usr/bin/env python3
|
2 |
-
|
3 |
-
import os
|
4 |
-
|
5 |
-
import cv2
|
6 |
-
import numpy as np
|
7 |
-
import tqdm
|
8 |
-
|
9 |
-
from saicinpainting.evaluation.data import PrecomputedInpaintingResultsDataset
|
10 |
-
from saicinpainting.evaluation.utils import load_yaml
|
11 |
-
|
12 |
-
|
13 |
-
def main(args):
|
14 |
-
config = load_yaml(args.config)
|
15 |
-
|
16 |
-
if not args.predictdir.endswith('/'):
|
17 |
-
args.predictdir += '/'
|
18 |
-
|
19 |
-
dataset = PrecomputedInpaintingResultsDataset(args.datadir, args.predictdir, **config.dataset_kwargs)
|
20 |
-
|
21 |
-
os.makedirs(os.path.dirname(args.outpath), exist_ok=True)
|
22 |
-
|
23 |
-
for img_i in tqdm.trange(len(dataset)):
|
24 |
-
pred_fname = dataset.pred_filenames[img_i]
|
25 |
-
cur_out_fname = os.path.join(args.outpath, pred_fname[len(args.predictdir):])
|
26 |
-
os.makedirs(os.path.dirname(cur_out_fname), exist_ok=True)
|
27 |
-
|
28 |
-
sample = dataset[img_i]
|
29 |
-
img = sample['image']
|
30 |
-
mask = sample['mask']
|
31 |
-
inpainted = sample['inpainted']
|
32 |
-
|
33 |
-
inpainted_blurred = cv2.GaussianBlur(np.transpose(inpainted, (1, 2, 0)),
|
34 |
-
ksize=(args.k, args.k),
|
35 |
-
sigmaX=args.s, sigmaY=args.s,
|
36 |
-
borderType=cv2.BORDER_REFLECT)
|
37 |
-
|
38 |
-
cur_res = (1 - mask) * np.transpose(img, (1, 2, 0)) + mask * inpainted_blurred
|
39 |
-
cur_res = np.clip(cur_res * 255, 0, 255).astype('uint8')
|
40 |
-
cur_res = cv2.cvtColor(cur_res, cv2.COLOR_RGB2BGR)
|
41 |
-
cv2.imwrite(cur_out_fname, cur_res)
|
42 |
-
|
43 |
-
|
44 |
-
if __name__ == '__main__':
|
45 |
-
import argparse
|
46 |
-
|
47 |
-
aparser = argparse.ArgumentParser()
|
48 |
-
aparser.add_argument('config', type=str, help='Path to evaluation config')
|
49 |
-
aparser.add_argument('datadir', type=str,
|
50 |
-
help='Path to folder with images and masks (output of gen_mask_dataset.py)')
|
51 |
-
aparser.add_argument('predictdir', type=str,
|
52 |
-
help='Path to folder with predicts (e.g. predict_hifill_baseline.py)')
|
53 |
-
aparser.add_argument('outpath', type=str, help='Where to put results')
|
54 |
-
aparser.add_argument('-s', type=float, default=0.1, help='Gaussian blur sigma')
|
55 |
-
aparser.add_argument('-k', type=int, default=5, help='Kernel size in gaussian blur')
|
56 |
-
|
57 |
-
main(aparser.parse_args())
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/Alichuan/VITS-Umamusume-voice-synthesizer/text/__init__.py
DELETED
@@ -1,32 +0,0 @@
|
|
1 |
-
""" from https://github.com/keithito/tacotron """
|
2 |
-
from text import cleaners
|
3 |
-
|
4 |
-
|
5 |
-
def text_to_sequence(text, symbols, cleaner_names):
|
6 |
-
'''Converts a string of text to a sequence of IDs corresponding to the symbols in the text.
|
7 |
-
Args:
|
8 |
-
text: string to convert to a sequence
|
9 |
-
cleaner_names: names of the cleaner functions to run the text through
|
10 |
-
Returns:
|
11 |
-
List of integers corresponding to the symbols in the text
|
12 |
-
'''
|
13 |
-
_symbol_to_id = {s: i for i, s in enumerate(symbols)}
|
14 |
-
|
15 |
-
sequence = []
|
16 |
-
|
17 |
-
clean_text = _clean_text(text, cleaner_names)
|
18 |
-
for symbol in clean_text:
|
19 |
-
if symbol not in _symbol_to_id.keys():
|
20 |
-
continue
|
21 |
-
symbol_id = _symbol_to_id[symbol]
|
22 |
-
sequence += [symbol_id]
|
23 |
-
return sequence
|
24 |
-
|
25 |
-
|
26 |
-
def _clean_text(text, cleaner_names):
|
27 |
-
for name in cleaner_names:
|
28 |
-
cleaner = getattr(cleaners, name)
|
29 |
-
if not cleaner:
|
30 |
-
raise Exception('Unknown cleaner: %s' % name)
|
31 |
-
text = cleaner(text)
|
32 |
-
return text
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/Androidonnxfork/CivitAi-to-Diffusers/diffusers/docs/source/en/api/pipelines/stable_diffusion/inpaint.md
DELETED
@@ -1,57 +0,0 @@
|
|
1 |
-
<!--Copyright 2023 The HuggingFace Team. All rights reserved.
|
2 |
-
|
3 |
-
Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with
|
4 |
-
the License. You may obtain a copy of the License at
|
5 |
-
|
6 |
-
http://www.apache.org/licenses/LICENSE-2.0
|
7 |
-
|
8 |
-
Unless required by applicable law or agreed to in writing, software distributed under the License is distributed on
|
9 |
-
an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the
|
10 |
-
specific language governing permissions and limitations under the License.
|
11 |
-
-->
|
12 |
-
|
13 |
-
# Inpainting
|
14 |
-
|
15 |
-
The Stable Diffusion model can also be applied to inpainting which lets you edit specific parts of an image by providing a mask and a text prompt using Stable Diffusion.
|
16 |
-
|
17 |
-
## Tips
|
18 |
-
|
19 |
-
It is recommended to use this pipeline with checkpoints that have been specifically fine-tuned for inpainting, such
|
20 |
-
as [runwayml/stable-diffusion-inpainting](https://huggingface.co/runwayml/stable-diffusion-inpainting). Default
|
21 |
-
text-to-image Stable Diffusion checkpoints, such as
|
22 |
-
[runwayml/stable-diffusion-v1-5](https://huggingface.co/runwayml/stable-diffusion-v1-5) are also compatible but they might be less performant.
|
23 |
-
|
24 |
-
<Tip>
|
25 |
-
|
26 |
-
Make sure to check out the Stable Diffusion [Tips](overview#tips) section to learn how to explore the tradeoff between scheduler speed and quality, and how to reuse pipeline components efficiently!
|
27 |
-
|
28 |
-
If you're interested in using one of the official checkpoints for a task, explore the [CompVis](https://huggingface.co/CompVis), [Runway](https://huggingface.co/runwayml), and [Stability AI](https://huggingface.co/stabilityai) Hub organizations!
|
29 |
-
|
30 |
-
</Tip>
|
31 |
-
|
32 |
-
## StableDiffusionInpaintPipeline
|
33 |
-
|
34 |
-
[[autodoc]] StableDiffusionInpaintPipeline
|
35 |
-
- all
|
36 |
-
- __call__
|
37 |
-
- enable_attention_slicing
|
38 |
-
- disable_attention_slicing
|
39 |
-
- enable_xformers_memory_efficient_attention
|
40 |
-
- disable_xformers_memory_efficient_attention
|
41 |
-
- load_textual_inversion
|
42 |
-
- load_lora_weights
|
43 |
-
- save_lora_weights
|
44 |
-
|
45 |
-
## StableDiffusionPipelineOutput
|
46 |
-
|
47 |
-
[[autodoc]] pipelines.stable_diffusion.StableDiffusionPipelineOutput
|
48 |
-
|
49 |
-
## FlaxStableDiffusionInpaintPipeline
|
50 |
-
|
51 |
-
[[autodoc]] FlaxStableDiffusionInpaintPipeline
|
52 |
-
- all
|
53 |
-
- __call__
|
54 |
-
|
55 |
-
## FlaxStableDiffusionPipelineOutput
|
56 |
-
|
57 |
-
[[autodoc]] pipelines.stable_diffusion.FlaxStableDiffusionPipelineOutput
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/Androidonnxfork/CivitAi-to-Diffusers/diffusers/docs/source/en/using-diffusers/contribute_pipeline.md
DELETED
@@ -1,181 +0,0 @@
|
|
1 |
-
<!--Copyright 2023 The HuggingFace Team. All rights reserved.
|
2 |
-
|
3 |
-
Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with
|
4 |
-
the License. You may obtain a copy of the License at
|
5 |
-
|
6 |
-
http://www.apache.org/licenses/LICENSE-2.0
|
7 |
-
|
8 |
-
Unless required by applicable law or agreed to in writing, software distributed under the License is distributed on
|
9 |
-
an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the
|
10 |
-
specific language governing permissions and limitations under the License.
|
11 |
-
-->
|
12 |
-
|
13 |
-
# How to contribute a community pipeline
|
14 |
-
|
15 |
-
<Tip>
|
16 |
-
|
17 |
-
💡 Take a look at GitHub Issue [#841](https://github.com/huggingface/diffusers/issues/841) for more context about why we're adding community pipelines to help everyone easily share their work without being slowed down.
|
18 |
-
|
19 |
-
</Tip>
|
20 |
-
|
21 |
-
Community pipelines allow you to add any additional features you'd like on top of the [`DiffusionPipeline`]. The main benefit of building on top of the `DiffusionPipeline` is anyone can load and use your pipeline by only adding one more argument, making it super easy for the community to access.
|
22 |
-
|
23 |
-
This guide will show you how to create a community pipeline and explain how they work. To keep things simple, you'll create a "one-step" pipeline where the `UNet` does a single forward pass and calls the scheduler once.
|
24 |
-
|
25 |
-
## Initialize the pipeline
|
26 |
-
|
27 |
-
You should start by creating a `one_step_unet.py` file for your community pipeline. In this file, create a pipeline class that inherits from the [`DiffusionPipeline`] to be able to load model weights and the scheduler configuration from the Hub. The one-step pipeline needs a `UNet` and a scheduler, so you'll need to add these as arguments to the `__init__` function:
|
28 |
-
|
29 |
-
```python
|
30 |
-
from diffusers import DiffusionPipeline
|
31 |
-
import torch
|
32 |
-
|
33 |
-
|
34 |
-
class UnetSchedulerOneForwardPipeline(DiffusionPipeline):
|
35 |
-
def __init__(self, unet, scheduler):
|
36 |
-
super().__init__()
|
37 |
-
```
|
38 |
-
|
39 |
-
To ensure your pipeline and its components (`unet` and `scheduler`) can be saved with [`~DiffusionPipeline.save_pretrained`], add them to the `register_modules` function:
|
40 |
-
|
41 |
-
```diff
|
42 |
-
from diffusers import DiffusionPipeline
|
43 |
-
import torch
|
44 |
-
|
45 |
-
class UnetSchedulerOneForwardPipeline(DiffusionPipeline):
|
46 |
-
def __init__(self, unet, scheduler):
|
47 |
-
super().__init__()
|
48 |
-
|
49 |
-
+ self.register_modules(unet=unet, scheduler=scheduler)
|
50 |
-
```
|
51 |
-
|
52 |
-
Cool, the `__init__` step is done and you can move to the forward pass now! 🔥
|
53 |
-
|
54 |
-
## Define the forward pass
|
55 |
-
|
56 |
-
In the forward pass, which we recommend defining as `__call__`, you have complete creative freedom to add whatever feature you'd like. For our amazing one-step pipeline, create a random image and only call the `unet` and `scheduler` once by setting `timestep=1`:
|
57 |
-
|
58 |
-
```diff
|
59 |
-
from diffusers import DiffusionPipeline
|
60 |
-
import torch
|
61 |
-
|
62 |
-
|
63 |
-
class UnetSchedulerOneForwardPipeline(DiffusionPipeline):
|
64 |
-
def __init__(self, unet, scheduler):
|
65 |
-
super().__init__()
|
66 |
-
|
67 |
-
self.register_modules(unet=unet, scheduler=scheduler)
|
68 |
-
|
69 |
-
+ def __call__(self):
|
70 |
-
+ image = torch.randn(
|
71 |
-
+ (1, self.unet.config.in_channels, self.unet.config.sample_size, self.unet.config.sample_size),
|
72 |
-
+ )
|
73 |
-
+ timestep = 1
|
74 |
-
|
75 |
-
+ model_output = self.unet(image, timestep).sample
|
76 |
-
+ scheduler_output = self.scheduler.step(model_output, timestep, image).prev_sample
|
77 |
-
|
78 |
-
+ return scheduler_output
|
79 |
-
```
|
80 |
-
|
81 |
-
That's it! 🚀 You can now run this pipeline by passing a `unet` and `scheduler` to it:
|
82 |
-
|
83 |
-
```python
|
84 |
-
from diffusers import DDPMScheduler, UNet2DModel
|
85 |
-
|
86 |
-
scheduler = DDPMScheduler()
|
87 |
-
unet = UNet2DModel()
|
88 |
-
|
89 |
-
pipeline = UnetSchedulerOneForwardPipeline(unet=unet, scheduler=scheduler)
|
90 |
-
|
91 |
-
output = pipeline()
|
92 |
-
```
|
93 |
-
|
94 |
-
But what's even better is you can load pre-existing weights into the pipeline if the pipeline structure is identical. For example, you can load the [`google/ddpm-cifar10-32`](https://huggingface.co/google/ddpm-cifar10-32) weights into the one-step pipeline:
|
95 |
-
|
96 |
-
```python
|
97 |
-
pipeline = UnetSchedulerOneForwardPipeline.from_pretrained("google/ddpm-cifar10-32")
|
98 |
-
|
99 |
-
output = pipeline()
|
100 |
-
```
|
101 |
-
|
102 |
-
## Share your pipeline
|
103 |
-
|
104 |
-
Open a Pull Request on the 🧨 Diffusers [repository](https://github.com/huggingface/diffusers) to add your awesome pipeline in `one_step_unet.py` to the [examples/community](https://github.com/huggingface/diffusers/tree/main/examples/community) subfolder.
|
105 |
-
|
106 |
-
Once it is merged, anyone with `diffusers >= 0.4.0` installed can use this pipeline magically 🪄 by specifying it in the `custom_pipeline` argument:
|
107 |
-
|
108 |
-
```python
|
109 |
-
from diffusers import DiffusionPipeline
|
110 |
-
|
111 |
-
pipe = DiffusionPipeline.from_pretrained("google/ddpm-cifar10-32", custom_pipeline="one_step_unet")
|
112 |
-
pipe()
|
113 |
-
```
|
114 |
-
|
115 |
-
Another way to share your community pipeline is to upload the `one_step_unet.py` file directly to your preferred [model repository](https://huggingface.co/docs/hub/models-uploading) on the Hub. Instead of specifying the `one_step_unet.py` file, pass the model repository id to the `custom_pipeline` argument:
|
116 |
-
|
117 |
-
```python
|
118 |
-
from diffusers import DiffusionPipeline
|
119 |
-
|
120 |
-
pipeline = DiffusionPipeline.from_pretrained("google/ddpm-cifar10-32", custom_pipeline="stevhliu/one_step_unet")
|
121 |
-
```
|
122 |
-
|
123 |
-
Take a look at the following table to compare the two sharing workflows to help you decide the best option for you:
|
124 |
-
|
125 |
-
| | GitHub community pipeline | HF Hub community pipeline |
|
126 |
-
|----------------|------------------------------------------------------------------------------------------------------------------|-------------------------------------------------------------------------------------------|
|
127 |
-
| usage | same | same |
|
128 |
-
| review process | open a Pull Request on GitHub and undergo a review process from the Diffusers team before merging; may be slower | upload directly to a Hub repository without any review; this is the fastest workflow |
|
129 |
-
| visibility | included in the official Diffusers repository and documentation | included on your HF Hub profile and relies on your own usage/promotion to gain visibility |
|
130 |
-
|
131 |
-
<Tip>
|
132 |
-
|
133 |
-
💡 You can use whatever package you want in your community pipeline file - as long as the user has it installed, everything will work fine. Make sure you have one and only one pipeline class that inherits from `DiffusionPipeline` because this is automatically detected.
|
134 |
-
|
135 |
-
</Tip>
|
136 |
-
|
137 |
-
## How do community pipelines work?
|
138 |
-
|
139 |
-
A community pipeline is a class that inherits from [`DiffusionPipeline`] which means:
|
140 |
-
|
141 |
-
- It can be loaded with the [`custom_pipeline`] argument.
|
142 |
-
- The model weights and scheduler configuration are loaded from [`pretrained_model_name_or_path`].
|
143 |
-
- The code that implements a feature in the community pipeline is defined in a `pipeline.py` file.
|
144 |
-
|
145 |
-
Sometimes you can't load all the pipeline components weights from an official repository. In this case, the other components should be passed directly to the pipeline:
|
146 |
-
|
147 |
-
```python
|
148 |
-
from diffusers import DiffusionPipeline
|
149 |
-
from transformers import CLIPFeatureExtractor, CLIPModel
|
150 |
-
|
151 |
-
model_id = "CompVis/stable-diffusion-v1-4"
|
152 |
-
clip_model_id = "laion/CLIP-ViT-B-32-laion2B-s34B-b79K"
|
153 |
-
|
154 |
-
feature_extractor = CLIPFeatureExtractor.from_pretrained(clip_model_id)
|
155 |
-
clip_model = CLIPModel.from_pretrained(clip_model_id, torch_dtype=torch.float16)
|
156 |
-
|
157 |
-
pipeline = DiffusionPipeline.from_pretrained(
|
158 |
-
model_id,
|
159 |
-
custom_pipeline="clip_guided_stable_diffusion",
|
160 |
-
clip_model=clip_model,
|
161 |
-
feature_extractor=feature_extractor,
|
162 |
-
scheduler=scheduler,
|
163 |
-
torch_dtype=torch.float16,
|
164 |
-
)
|
165 |
-
```
|
166 |
-
|
167 |
-
The magic behind community pipelines is contained in the following code. It allows the community pipeline to be loaded from GitHub or the Hub, and it'll be available to all 🧨 Diffusers packages.
|
168 |
-
|
169 |
-
```python
|
170 |
-
# 2. Load the pipeline class, if using custom module then load it from the hub
|
171 |
-
# if we load from explicit class, let's use it
|
172 |
-
if custom_pipeline is not None:
|
173 |
-
pipeline_class = get_class_from_dynamic_module(
|
174 |
-
custom_pipeline, module_file=CUSTOM_PIPELINE_FILE_NAME, cache_dir=custom_pipeline
|
175 |
-
)
|
176 |
-
elif cls != DiffusionPipeline:
|
177 |
-
pipeline_class = cls
|
178 |
-
else:
|
179 |
-
diffusers_module = importlib.import_module(cls.__module__.split(".")[0])
|
180 |
-
pipeline_class = getattr(diffusers_module, config_dict["_class_name"])
|
181 |
-
```
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/Andy1621/uniformer_image_detection/mmdet/models/losses/ghm_loss.py
DELETED
@@ -1,172 +0,0 @@
|
|
1 |
-
import torch
|
2 |
-
import torch.nn as nn
|
3 |
-
import torch.nn.functional as F
|
4 |
-
|
5 |
-
from ..builder import LOSSES
|
6 |
-
|
7 |
-
|
8 |
-
def _expand_onehot_labels(labels, label_weights, label_channels):
|
9 |
-
bin_labels = labels.new_full((labels.size(0), label_channels), 0)
|
10 |
-
inds = torch.nonzero(
|
11 |
-
(labels >= 0) & (labels < label_channels), as_tuple=False).squeeze()
|
12 |
-
if inds.numel() > 0:
|
13 |
-
bin_labels[inds, labels[inds]] = 1
|
14 |
-
bin_label_weights = label_weights.view(-1, 1).expand(
|
15 |
-
label_weights.size(0), label_channels)
|
16 |
-
return bin_labels, bin_label_weights
|
17 |
-
|
18 |
-
|
19 |
-
# TODO: code refactoring to make it consistent with other losses
|
20 |
-
@LOSSES.register_module()
|
21 |
-
class GHMC(nn.Module):
|
22 |
-
"""GHM Classification Loss.
|
23 |
-
|
24 |
-
Details of the theorem can be viewed in the paper
|
25 |
-
`Gradient Harmonized Single-stage Detector
|
26 |
-
<https://arxiv.org/abs/1811.05181>`_.
|
27 |
-
|
28 |
-
Args:
|
29 |
-
bins (int): Number of the unit regions for distribution calculation.
|
30 |
-
momentum (float): The parameter for moving average.
|
31 |
-
use_sigmoid (bool): Can only be true for BCE based loss now.
|
32 |
-
loss_weight (float): The weight of the total GHM-C loss.
|
33 |
-
"""
|
34 |
-
|
35 |
-
def __init__(self, bins=10, momentum=0, use_sigmoid=True, loss_weight=1.0):
|
36 |
-
super(GHMC, self).__init__()
|
37 |
-
self.bins = bins
|
38 |
-
self.momentum = momentum
|
39 |
-
edges = torch.arange(bins + 1).float() / bins
|
40 |
-
self.register_buffer('edges', edges)
|
41 |
-
self.edges[-1] += 1e-6
|
42 |
-
if momentum > 0:
|
43 |
-
acc_sum = torch.zeros(bins)
|
44 |
-
self.register_buffer('acc_sum', acc_sum)
|
45 |
-
self.use_sigmoid = use_sigmoid
|
46 |
-
if not self.use_sigmoid:
|
47 |
-
raise NotImplementedError
|
48 |
-
self.loss_weight = loss_weight
|
49 |
-
|
50 |
-
def forward(self, pred, target, label_weight, *args, **kwargs):
|
51 |
-
"""Calculate the GHM-C loss.
|
52 |
-
|
53 |
-
Args:
|
54 |
-
pred (float tensor of size [batch_num, class_num]):
|
55 |
-
The direct prediction of classification fc layer.
|
56 |
-
target (float tensor of size [batch_num, class_num]):
|
57 |
-
Binary class target for each sample.
|
58 |
-
label_weight (float tensor of size [batch_num, class_num]):
|
59 |
-
the value is 1 if the sample is valid and 0 if ignored.
|
60 |
-
Returns:
|
61 |
-
The gradient harmonized loss.
|
62 |
-
"""
|
63 |
-
# the target should be binary class label
|
64 |
-
if pred.dim() != target.dim():
|
65 |
-
target, label_weight = _expand_onehot_labels(
|
66 |
-
target, label_weight, pred.size(-1))
|
67 |
-
target, label_weight = target.float(), label_weight.float()
|
68 |
-
edges = self.edges
|
69 |
-
mmt = self.momentum
|
70 |
-
weights = torch.zeros_like(pred)
|
71 |
-
|
72 |
-
# gradient length
|
73 |
-
g = torch.abs(pred.sigmoid().detach() - target)
|
74 |
-
|
75 |
-
valid = label_weight > 0
|
76 |
-
tot = max(valid.float().sum().item(), 1.0)
|
77 |
-
n = 0 # n valid bins
|
78 |
-
for i in range(self.bins):
|
79 |
-
inds = (g >= edges[i]) & (g < edges[i + 1]) & valid
|
80 |
-
num_in_bin = inds.sum().item()
|
81 |
-
if num_in_bin > 0:
|
82 |
-
if mmt > 0:
|
83 |
-
self.acc_sum[i] = mmt * self.acc_sum[i] \
|
84 |
-
+ (1 - mmt) * num_in_bin
|
85 |
-
weights[inds] = tot / self.acc_sum[i]
|
86 |
-
else:
|
87 |
-
weights[inds] = tot / num_in_bin
|
88 |
-
n += 1
|
89 |
-
if n > 0:
|
90 |
-
weights = weights / n
|
91 |
-
|
92 |
-
loss = F.binary_cross_entropy_with_logits(
|
93 |
-
pred, target, weights, reduction='sum') / tot
|
94 |
-
return loss * self.loss_weight
|
95 |
-
|
96 |
-
|
97 |
-
# TODO: code refactoring to make it consistent with other losses
|
98 |
-
@LOSSES.register_module()
|
99 |
-
class GHMR(nn.Module):
|
100 |
-
"""GHM Regression Loss.
|
101 |
-
|
102 |
-
Details of the theorem can be viewed in the paper
|
103 |
-
`Gradient Harmonized Single-stage Detector
|
104 |
-
<https://arxiv.org/abs/1811.05181>`_.
|
105 |
-
|
106 |
-
Args:
|
107 |
-
mu (float): The parameter for the Authentic Smooth L1 loss.
|
108 |
-
bins (int): Number of the unit regions for distribution calculation.
|
109 |
-
momentum (float): The parameter for moving average.
|
110 |
-
loss_weight (float): The weight of the total GHM-R loss.
|
111 |
-
"""
|
112 |
-
|
113 |
-
def __init__(self, mu=0.02, bins=10, momentum=0, loss_weight=1.0):
|
114 |
-
super(GHMR, self).__init__()
|
115 |
-
self.mu = mu
|
116 |
-
self.bins = bins
|
117 |
-
edges = torch.arange(bins + 1).float() / bins
|
118 |
-
self.register_buffer('edges', edges)
|
119 |
-
self.edges[-1] = 1e3
|
120 |
-
self.momentum = momentum
|
121 |
-
if momentum > 0:
|
122 |
-
acc_sum = torch.zeros(bins)
|
123 |
-
self.register_buffer('acc_sum', acc_sum)
|
124 |
-
self.loss_weight = loss_weight
|
125 |
-
|
126 |
-
# TODO: support reduction parameter
|
127 |
-
def forward(self, pred, target, label_weight, avg_factor=None):
|
128 |
-
"""Calculate the GHM-R loss.
|
129 |
-
|
130 |
-
Args:
|
131 |
-
pred (float tensor of size [batch_num, 4 (* class_num)]):
|
132 |
-
The prediction of box regression layer. Channel number can be 4
|
133 |
-
or 4 * class_num depending on whether it is class-agnostic.
|
134 |
-
target (float tensor of size [batch_num, 4 (* class_num)]):
|
135 |
-
The target regression values with the same size of pred.
|
136 |
-
label_weight (float tensor of size [batch_num, 4 (* class_num)]):
|
137 |
-
The weight of each sample, 0 if ignored.
|
138 |
-
Returns:
|
139 |
-
The gradient harmonized loss.
|
140 |
-
"""
|
141 |
-
mu = self.mu
|
142 |
-
edges = self.edges
|
143 |
-
mmt = self.momentum
|
144 |
-
|
145 |
-
# ASL1 loss
|
146 |
-
diff = pred - target
|
147 |
-
loss = torch.sqrt(diff * diff + mu * mu) - mu
|
148 |
-
|
149 |
-
# gradient length
|
150 |
-
g = torch.abs(diff / torch.sqrt(mu * mu + diff * diff)).detach()
|
151 |
-
weights = torch.zeros_like(g)
|
152 |
-
|
153 |
-
valid = label_weight > 0
|
154 |
-
tot = max(label_weight.float().sum().item(), 1.0)
|
155 |
-
n = 0 # n: valid bins
|
156 |
-
for i in range(self.bins):
|
157 |
-
inds = (g >= edges[i]) & (g < edges[i + 1]) & valid
|
158 |
-
num_in_bin = inds.sum().item()
|
159 |
-
if num_in_bin > 0:
|
160 |
-
n += 1
|
161 |
-
if mmt > 0:
|
162 |
-
self.acc_sum[i] = mmt * self.acc_sum[i] \
|
163 |
-
+ (1 - mmt) * num_in_bin
|
164 |
-
weights[inds] = tot / self.acc_sum[i]
|
165 |
-
else:
|
166 |
-
weights[inds] = tot / num_in_bin
|
167 |
-
if n > 0:
|
168 |
-
weights /= n
|
169 |
-
|
170 |
-
loss = loss * weights
|
171 |
-
loss = loss.sum() / tot
|
172 |
-
return loss * self.loss_weight
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/Andy1621/uniformer_image_detection/mmdet/models/roi_heads/mask_heads/__init__.py
DELETED
@@ -1,17 +0,0 @@
|
|
1 |
-
from .coarse_mask_head import CoarseMaskHead
|
2 |
-
from .fcn_mask_head import FCNMaskHead
|
3 |
-
from .feature_relay_head import FeatureRelayHead
|
4 |
-
from .fused_semantic_head import FusedSemanticHead
|
5 |
-
from .global_context_head import GlobalContextHead
|
6 |
-
from .grid_head import GridHead
|
7 |
-
from .htc_mask_head import HTCMaskHead
|
8 |
-
from .mask_point_head import MaskPointHead
|
9 |
-
from .maskiou_head import MaskIoUHead
|
10 |
-
from .scnet_mask_head import SCNetMaskHead
|
11 |
-
from .scnet_semantic_head import SCNetSemanticHead
|
12 |
-
|
13 |
-
__all__ = [
|
14 |
-
'FCNMaskHead', 'HTCMaskHead', 'FusedSemanticHead', 'GridHead',
|
15 |
-
'MaskIoUHead', 'CoarseMaskHead', 'MaskPointHead', 'SCNetMaskHead',
|
16 |
-
'SCNetSemanticHead', 'GlobalContextHead', 'FeatureRelayHead'
|
17 |
-
]
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/Apex-X/nono/roop/processors/frame/__init__.py
DELETED
File without changes
|
spaces/Atualli/yoloxTeste/yoloxdetect2/configs/__init__.py
DELETED
File without changes
|
spaces/Awiny/Image2Paragraph/models/grit_src/third_party/CenterNet2/detectron2/data/datasets/lvis_v1_categories.py
DELETED
The diff for this file is too large to render.
See raw diff
|
|
spaces/AzinZ/vitscn/mel_processing.py
DELETED
@@ -1,112 +0,0 @@
|
|
1 |
-
import math
|
2 |
-
import os
|
3 |
-
import random
|
4 |
-
import torch
|
5 |
-
from torch import nn
|
6 |
-
import torch.nn.functional as F
|
7 |
-
import torch.utils.data
|
8 |
-
import numpy as np
|
9 |
-
import librosa
|
10 |
-
import librosa.util as librosa_util
|
11 |
-
from librosa.util import normalize, pad_center, tiny
|
12 |
-
from scipy.signal import get_window
|
13 |
-
from scipy.io.wavfile import read
|
14 |
-
from librosa.filters import mel as librosa_mel_fn
|
15 |
-
|
16 |
-
MAX_WAV_VALUE = 32768.0
|
17 |
-
|
18 |
-
|
19 |
-
def dynamic_range_compression_torch(x, C=1, clip_val=1e-5):
|
20 |
-
"""
|
21 |
-
PARAMS
|
22 |
-
------
|
23 |
-
C: compression factor
|
24 |
-
"""
|
25 |
-
return torch.log(torch.clamp(x, min=clip_val) * C)
|
26 |
-
|
27 |
-
|
28 |
-
def dynamic_range_decompression_torch(x, C=1):
|
29 |
-
"""
|
30 |
-
PARAMS
|
31 |
-
------
|
32 |
-
C: compression factor used to compress
|
33 |
-
"""
|
34 |
-
return torch.exp(x) / C
|
35 |
-
|
36 |
-
|
37 |
-
def spectral_normalize_torch(magnitudes):
|
38 |
-
output = dynamic_range_compression_torch(magnitudes)
|
39 |
-
return output
|
40 |
-
|
41 |
-
|
42 |
-
def spectral_de_normalize_torch(magnitudes):
|
43 |
-
output = dynamic_range_decompression_torch(magnitudes)
|
44 |
-
return output
|
45 |
-
|
46 |
-
|
47 |
-
mel_basis = {}
|
48 |
-
hann_window = {}
|
49 |
-
|
50 |
-
|
51 |
-
def spectrogram_torch(y, n_fft, sampling_rate, hop_size, win_size, center=False):
|
52 |
-
if torch.min(y) < -1.:
|
53 |
-
print('min value is ', torch.min(y))
|
54 |
-
if torch.max(y) > 1.:
|
55 |
-
print('max value is ', torch.max(y))
|
56 |
-
|
57 |
-
global hann_window
|
58 |
-
dtype_device = str(y.dtype) + '_' + str(y.device)
|
59 |
-
wnsize_dtype_device = str(win_size) + '_' + dtype_device
|
60 |
-
if wnsize_dtype_device not in hann_window:
|
61 |
-
hann_window[wnsize_dtype_device] = torch.hann_window(win_size).to(dtype=y.dtype, device=y.device)
|
62 |
-
|
63 |
-
y = torch.nn.functional.pad(y.unsqueeze(1), (int((n_fft-hop_size)/2), int((n_fft-hop_size)/2)), mode='reflect')
|
64 |
-
y = y.squeeze(1)
|
65 |
-
|
66 |
-
spec = torch.stft(y, n_fft, hop_length=hop_size, win_length=win_size, window=hann_window[wnsize_dtype_device],
|
67 |
-
center=center, pad_mode='reflect', normalized=False, onesided=True, return_complex=False)
|
68 |
-
|
69 |
-
spec = torch.sqrt(spec.pow(2).sum(-1) + 1e-6)
|
70 |
-
return spec
|
71 |
-
|
72 |
-
|
73 |
-
def spec_to_mel_torch(spec, n_fft, num_mels, sampling_rate, fmin, fmax):
|
74 |
-
global mel_basis
|
75 |
-
dtype_device = str(spec.dtype) + '_' + str(spec.device)
|
76 |
-
fmax_dtype_device = str(fmax) + '_' + dtype_device
|
77 |
-
if fmax_dtype_device not in mel_basis:
|
78 |
-
mel = librosa_mel_fn(sampling_rate, n_fft, num_mels, fmin, fmax)
|
79 |
-
mel_basis[fmax_dtype_device] = torch.from_numpy(mel).to(dtype=spec.dtype, device=spec.device)
|
80 |
-
spec = torch.matmul(mel_basis[fmax_dtype_device], spec)
|
81 |
-
spec = spectral_normalize_torch(spec)
|
82 |
-
return spec
|
83 |
-
|
84 |
-
|
85 |
-
def mel_spectrogram_torch(y, n_fft, num_mels, sampling_rate, hop_size, win_size, fmin, fmax, center=False):
|
86 |
-
if torch.min(y) < -1.:
|
87 |
-
print('min value is ', torch.min(y))
|
88 |
-
if torch.max(y) > 1.:
|
89 |
-
print('max value is ', torch.max(y))
|
90 |
-
|
91 |
-
global mel_basis, hann_window
|
92 |
-
dtype_device = str(y.dtype) + '_' + str(y.device)
|
93 |
-
fmax_dtype_device = str(fmax) + '_' + dtype_device
|
94 |
-
wnsize_dtype_device = str(win_size) + '_' + dtype_device
|
95 |
-
if fmax_dtype_device not in mel_basis:
|
96 |
-
mel = librosa_mel_fn(sampling_rate, n_fft, num_mels, fmin, fmax)
|
97 |
-
mel_basis[fmax_dtype_device] = torch.from_numpy(mel).to(dtype=y.dtype, device=y.device)
|
98 |
-
if wnsize_dtype_device not in hann_window:
|
99 |
-
hann_window[wnsize_dtype_device] = torch.hann_window(win_size).to(dtype=y.dtype, device=y.device)
|
100 |
-
|
101 |
-
y = torch.nn.functional.pad(y.unsqueeze(1), (int((n_fft-hop_size)/2), int((n_fft-hop_size)/2)), mode='reflect')
|
102 |
-
y = y.squeeze(1)
|
103 |
-
|
104 |
-
spec = torch.stft(y, n_fft, hop_length=hop_size, win_length=win_size, window=hann_window[wnsize_dtype_device],
|
105 |
-
center=center, pad_mode='reflect', normalized=False, onesided=True)
|
106 |
-
|
107 |
-
spec = torch.sqrt(spec.pow(2).sum(-1) + 1e-6)
|
108 |
-
|
109 |
-
spec = torch.matmul(mel_basis[fmax_dtype_device], spec)
|
110 |
-
spec = spectral_normalize_torch(spec)
|
111 |
-
|
112 |
-
return spec
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/Benson/text-generation/Examples/50 30 Yoruba Pelcula Descargar.md
DELETED
@@ -1,51 +0,0 @@
|
|
1 |
-
<br />
|
2 |
-
<h1>50/30 Descargar película yoruba: Una comedia de errores</h1>
|
3 |
-
<p>Si usted está buscando una hilarante y entretenida película de Yoruba para ver, es posible que desee revisar 50/30. Esta es una película de comedia que sigue las aventuras de tres amigos que están desesperados por ganar dinero. En este artículo, te contaremos todo lo que necesitas saber sobre la descarga de la película Yoruba 50/30, incluyendo la trama, el elenco, las críticas y cómo obtenerla en línea. También hablaremos de los beneficios de ver películas yorubas en general. ¡Así que siéntate y disfruta! </p>
|
4 |
-
<h2>La trama de 50/30 Yoruba película</h2>
|
5 |
-
<p>50/30 es una película de comedia que se estrenó en 2021. Cuenta la historia de tres amigos íntimos, Sanyeri, Adekola Tijani y No Network, que siempre están buscando formas de hacer dinero rápido. Deciden buscar la ayuda de un espiritista, quien les hace una extraña petición. Tienen que encontrar a una mujer de 50 años, pero parece que tiene 30. Los amigos se embarcan en un viaje hilarante para encontrar a tal mujer, pero se encuentran con muchos desafíos y sorpresas en el camino. ¿Podrán cumplir su misión y hacerse ricos? ¡Tienes que ver la película para averiguarlo! </p>
|
6 |
-
<h2>50 30 yoruba película descargar</h2><br /><p><b><b>Download File</b> ··· <a href="https://bltlly.com/2v6JDc">https://bltlly.com/2v6JDc</a></b></p><br /><br />
|
7 |
-
<h2>El reparto y el equipo de 50/30 Yoruba película</h2>
|
8 |
-
<p>50/30 presenta algunos de los actores y actrices más populares y talentosos de la industria cinematográfica yoruba. Estos son algunos de ellos:</p>
|
9 |
-
<ul>
|
10 |
-
<li>Sanyeri: Interpreta a uno de los tres amigos que están buscando una mujer 50/30. Es un comediante y actor veterano que ha protagonizado muchas películas como Opa Kan, Omo Carwash y Alani Pamolekun.</li>
|
11 |
-
<li>Adekola Tijani: Interpreta a otro amigo que es parte de la misión. También es un comediante y actor que ha aparecido en películas como Omo Ghetto, Jenifa y Omo Iya Awusa.</li>
|
12 |
-
<li>No Network: Interpreta al tercer amigo que se une a la búsqueda de una mujer 50/30. Es una estrella en ascenso en la escena de la comedia que ha aparecido en películas como Omo Ghetto The Saga, Alakada Reloaded y Omo Ibadan.</li>
|
13 |
-
|
14 |
-
</ul>
|
15 |
-
<p>La película fue dirigida por Abiodun Jimoh, quien también es productor y escritor. Ha dirigido películas como Ewure Abami, Alagbara Meji y Omo Ekun.</p>
|
16 |
-
<h2>La recepción y los comentarios de 50/30 Yoruba película</h2>
|
17 |
-
<p>50/30 ha recibido comentarios positivos de los espectadores y críticos por igual. La película ha sido elogiada por su divertida y atractiva trama, su ingenioso diálogo, sus coloridos personajes y su producción de calidad. La película también ha sido nominada a varios premios, como Mejor Película de Comedia, Mejor Actor en un Papel de Comedia, Mejor Director y Mejor Guion en los Yoruba Movie Academy Awards (YMAA). La película también ha obtenido más de 600.000 visitas en YouTube, lo que muestra su popularidad entre <h2>Cómo descargar 50/30 Yoruba Movie Online</h2>
|
18 |
-
<p>Si usted está interesado en ver 50/30 Yoruba película, es posible que se pregunte cómo descargarlo en línea. Hay varias maneras de hacerlo, pero hay que tener cuidado con la fuente y la calidad de la descarga. Aquí hay algunos consejos sobre cómo descargar 50/30 Yoruba película en línea:</p>
|
19 |
-
<ol>
|
20 |
-
<li>Utilice un sitio web legal y de buena reputación que ofrece películas yorubas para descargar. Algunos ejemplos son [YorubaPlay], [Yorubahood] y [OkikiTV]. Estos sitios web tienen una gran colección de películas yorubas, incluyendo 50/30, que se puede descargar por una pequeña tarifa o de forma gratuita. También tienen vídeos y subtítulos de alta calidad para su comodidad. </li>
|
21 |
-
<li>Utilice un software o aplicación de descarga confiable y segura que puede ayudarlo a descargar películas yorubas de YouTube u otras plataformas. Algunos ejemplos son [VidMate], [TubeMate], y [SnapTube]. Estos programas o aplicaciones le permiten descargar películas yoruba en varios formatos y resoluciones, como MP4, 3GP, HD y 4K. También tienen funciones que te permiten pausar y reanudar las descargas, gestionar tus descargas y compartirlas con otros. </li>
|
22 |
-
|
23 |
-
</ol>
|
24 |
-
<p>Sin embargo, antes de descargar cualquier película yoruba en línea, asegúrese de tener una buena conexión a Internet, suficiente espacio de almacenamiento y un dispositivo compatible. También debe ser consciente de los riesgos de la descarga de fuentes ilegales o no verificadas, como malware, virus, spyware y violación de derechos de autor. Siempre debes respetar los derechos de los creadores y productores de las películas y apoyarlos pagando por su trabajo. </p>
|
25 |
-
<h2>Los beneficios de ver películas yoruba</h2>
|
26 |
-
<p>Ver películas yorubas no solo es divertido y entretenido, sino también beneficioso de muchas maneras. Estos son algunos de los beneficios de ver películas yorubas:</p>
|
27 |
-
<ul>
|
28 |
-
<li>Puedes aprender más sobre la cultura, historia, idioma, valores, creencias, tradiciones y costumbres yorubas. También se puede apreciar la diversidad y riqueza del pueblo yoruba y sus contribuciones al mundo. </li>
|
29 |
-
<li>Puedes mejorar tus habilidades de comunicación, especialmente si estás aprendiendo o hablando yoruba como segundo idioma. También puedes ampliar tu vocabulario, gramática, pronunciación y comprensión escuchando los diálogos y leyendo los subtítulos. </li>
|
30 |
-
<li>Puedes mejorar tus habilidades de pensamiento crítico, creatividad, imaginación e inteligencia emocional siguiendo las tramas, analizando los personajes, entendiendo los temas y relacionándote con las situaciones de las películas. </li>
|
31 |
-
<li>Puede disfrutar de una variedad de géneros, estilos, formatos y temas que atienden a diferentes gustos, preferencias, estados de ánimo e intereses. También puedes descubrir nuevos talentos, estrellas, directores, productores y escritores en la industria cinematográfica yoruba. </li>
|
32 |
-
<li>Usted puede tener un gran tiempo con su familia, amigos, o usted mismo viendo películas Yoruba. Puedes reír, llorar, gritar o animar mientras ves las películas. También puede compartir sus opiniones, ideas, comentarios y recomendaciones con otros. </li>
|
33 |
-
</ul>
|
34 |
-
<h1>Conclusión</h1>
|
35 |
-
|
36 |
-
<h2>Preguntas frecuentes</h2>
|
37 |
-
<p>Aquí hay algunas preguntas frecuentes acerca de 50/30 Yoruba película descargar:</p>
|
38 |
-
<ol>
|
39 |
-
<li>Q: ¿Dónde puedo ver 50/30 Yoruba película en línea sin descargarla? <br>
|
40 |
-
R: Puedes ver 50/30 películas de Yoruba en línea en plataformas de streaming como [Netflix], [iRokoTV] y [YouTube]. Sin embargo, es posible que tenga que pagar una cuota de suscripción o ver algunos anuncios para acceder a la película. </li>
|
41 |
-
<li>P: ¿Cuál es el significado de 50/30 en el título de la película? <br>
|
42 |
-
R: 50/30 se refiere a la edad y apariencia de la mujer que los tres amigos están buscando. Necesitan encontrar una mujer que tenga 50 años pero parezca que tiene 30 años. </li>
|
43 |
-
<li>Q: ¿Cuánto tiempo es 50/30 película yoruba? <br>
|
44 |
-
R: 50/30 La película yoruba dura unos 90 minutos. </li>
|
45 |
-
<li>Q: ¿Es la película Yoruba 50/30 adecuada para niños? <br>
|
46 |
-
R: La película yoruba de 50/30 tiene una clasificación PG-13, lo que significa que algunas escenas o lenguaje pueden no ser apropiados para niños menores de 13 años. Se recomienda orientación parental. </li>
|
47 |
-
<li>Q: ¿Cuáles son algunas otras películas de comedia yoruba que puedo ver? <br>
|
48 |
-
R: Algunas otras películas de comedia yoruba que puedes ver son [Omo Ghetto The Saga], [Alakada Reloaded], [Diario de Jenifa], [Merry Men] y [Chief Daddy]. </li>
|
49 |
-
</ol></p> 64aa2da5cf<br />
|
50 |
-
<br />
|
51 |
-
<br />
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/Benson/text-generation/Examples/Charger Play Store.md
DELETED
@@ -1,126 +0,0 @@
|
|
1 |
-
|
2 |
-
<br> - Advantages and disadvantages of the Play Store <br> - Examples of content available on the Play Store | | H2: How to download and install the Play Store on your Android device? | - Check device compatibility <br> - Enable unknown sources in settings <br> - Download Play Store APK file from a trusted site <br> - Install APK file and launch Play Store | | H2: How to update the Play Store and its apps? | - Enable automatic updates in Play Store settings <br> - Manually check for available updates <br> - Download and install updates | | H2: How to use the Play Store to search, download and manage its applications? | - Use the search bar or categories to find applications <br> - View application descriptions and user reviews <br> - Download and install applications of your choice <br> - Access its installed applications and uninstall them if necessary | | H2: What are the alternatives to the Play Store to download Android applications? | - Present the main criteria for choosing an alternative to the Play Store <br> - Compare some popular alternatives to the Play Store (APKMirror, Aurora Store, Aptoide, etc.) <br> - Give safety tips and caution for using alternative sources | | H1: Conclusion: summarize the key points of the article and give your personal opinion on the Play Store | - Remember what the Play Store is and how to use it <br> - Highlight the advantages and limitations of the Play Store <br> - Invite readers to share their experience and questions about the Play Store | Table 2: Article with HTML formatting <h1>Download Play Store: how to access the Google app store on Android</h1>
|
3 |
-
|
4 |
-
<h2>What is the Play Store and why use it? </h2>
|
5 |
-
<p>The Play Store is an app that gives you access to a catalogue of over 2.5 million apps for your Android device. This is Google’s official store, which guarantees you secure downloads, regular updates, and optimal compatibility with your device. The Play Store also offers you the possibility to buy or rent films, series, books, magazines, or even music. </p>
|
6 |
-
<p>One of the main advantages of the Play Store is its ease of use. You can easily search for applications by name, category, or keywords. You can view detailed descriptions of applications, as well as notes and comments from other users. You can also enjoy personalized recommendations based on your tastes and habits. Finally, you can manage your installed applications from a single interface. </p>
|
7 |
-
<h2>charger play store</h2><br /><p><b><b>DOWNLOAD</b> ->>> <a href="https://bltlly.com/2v6L6p">https://bltlly.com/2v6L6p</a></b></p><br /><br />
|
8 |
-
<p>However, the Play Store also has some drawbacks. First, it requires a Google account to function, which can cause privacy or security issues for some users. Then, it imposes certain rules on app developers, which can limit the diversity and creativity of the content offered <p>Finally, the Play Store may not be compatible with some Android devices, especially the oldest or rarest, which may prevent access to certain applications. </p>
|
9 |
-
|
10 |
-
<table>
|
11 |
-
<tr>
|
12 |
-
<th>Category</th>
|
13 |
-
<th>Examples</th>
|
14 |
-
</tr>
|
15 |
-
<tr>
|
16 |
-
<td>Games</td>
|
17 |
-
<td>Candy Crush Saga, Among Us, PUBG Mobile, etc.</td>
|
18 |
-
</tr>
|
19 |
-
<tr>
|
20 |
-
<td>Social Networks</td>
|
21 |
-
<td>Facebook, Instagram, WhatsApp, etc.</td>
|
22 |
-
</tr>
|
23 |
-
<tr>
|
24 |
-
<td>Utilities</td>
|
25 |
-
<td>Google Maps, Gmail, Waze, etc.</td>
|
26 |
-
</tr>
|
27 |
-
<tr>
|
28 |
-
<td>Photo Editors</td>
|
29 |
-
<td>PicsArt, Snapseed, Adobe Photoshop Express, etc.</td>
|
30 |
-
</tr>
|
31 |
-
<tr>
|
32 |
-
<td>Music Players</td>
|
33 |
-
<td>Spotify, Deezer, YouTube Music, etc.</td>
|
34 |
-
</tr>
|
35 |
-
<tr>
|
36 |
-
<td>Films</td>
|
37 |
-
<td>Avengers: Endgame, Joker, Parasite, etc.</td>
|
38 |
-
</tr>
|
39 |
-
<tr>
|
40 |
-
<td>Series</td>
|
41 |
-
<td>Stranger Things, The Witcher, The Mandalorian, etc.</td> </tr>
|
42 |
-
<tr>
|
43 |
-
<td>Books</td>
|
44 |
-
<td>Harry Potter, Lord of the Rings, Plague, etc.</td>
|
45 |
-
</tr>
|
46 |
-
<tr>
|
47 |
-
<td>Music</td>
|
48 |
-
<td>Ed Sheeran, Billie Eilish, BTS, etc.</td>
|
49 |
-
</tr>
|
50 |
-
</table>
|
51 |
-
<h2>How do I download and install the Play Store on your Android device? </h2>
|
52 |
-
<p>If you have a recent and official Android device, chances are the Play Store is already installed by default. You can check this by searching the Play Store icon on your home screen or in your app drawer. If you find it, just tap it to launch the Play Store and log in with your Google account.</p>
|
53 |
-
<p>If you don’t have the Play Store on your device, or want to reinstall it for any reason, you can download and install it manually. Here are the steps:</p>
|
54 |
-
<ul>
|
55 |
-
<li>Check the compatibility of your device. The Play Store requires at least version 4.1 of Android (Jelly Bean) and sufficient storage space. You can check the version of your system in your device settings, under the heading "About the phone" or "About the tablet". </li>
|
56 |
-
|
57 |
-
<li>Download the Play Store APK file from a trusted site. The APK file is the installation format for Android applications. You can find it on sites like APKMirror or APKPure, which offer updated and secure versions of the Play Store. Be sure to choose the right version for your device and system. </li>
|
58 |
-
<li>Install the APK file and launch the Play Store. Once the download is complete, you can open the APK file from your file manager or from the notifications bar. Follow the onscreen instructions to install the Play Store on your device. Then you can launch the Play Store and sign in with your Google account.</li>
|
59 |
-
</ul>
|
60 |
-
<h2>How do I update the Play Store and its applications? </h2>
|
61 |
-
<p>To take full advantage of the Play Store and its applications, it is important to keep them up to date. Updates give you access to new features, bug fixes, and performance improvements. Here is how to update the Play Store and its applications:</p>
|
62 |
-
<ul>
|
63 |
-
<li>Enable automatic updates in the Play Store settings. This option allows you to receive updates as soon as they are available, without having to intervene manually. You can find it in the settings of the Play Store, in the section "Automatically update applications". You can choose to update apps only with Wi-Fi or also with mobile data. </li>
|
64 |
-
|
65 |
-
<li>Download and install updates. Once you have chosen which applications to update, tap the "Update" button to start downloading and installing the updates. You can follow the progress in the notifications bar or in the Play Store. Once updates are complete, you can take advantage of new versions of your applications. </li>
|
66 |
-
</ul> <h2>How do I use the Play Store to search, download and manage its applications? </h2>
|
67 |
-
<p>The Play Store is a very easy-to-use app that lets you find, download, and manage your apps with just a few clicks. Here’s how to:</p>
|
68 |
-
<ul>
|
69 |
-
<li>Use the search bar or categories to find applications. The Play Store offers several ways to discover applications according to your desires. You can use the search bar at the top of the screen to type in the name or keyword of an application. You can also use the categories in the sidebar to browse apps by theme (games, entertainment, education, etc.). Finally, you can check out the Play Store selections, which suggest popular, trendy, or tailored apps. </li>
|
70 |
-
<li>See Application Description Sheets and User Reviews. Before downloading an application, it is recommended to consult its description sheet, which gives you important information about the application. You can find the developer’s name, average rating, number of downloads, size, version, required permissions, screenshots, description, and user reviews. These elements give you an idea of the quality and reliability of the application. </li>
|
71 |
-
|
72 |
-
<li>Access your installed applications and uninstall them if necessary. The Play Store also allows you to manage your installed applications from a single interface. To do this, open the Play Store side menu and tap "My games and apps". You will then see a list of all your apps installed on your device. You can sort them by name, size, installation date, or frequency of use. You can also update or uninstall them by tapping the corresponding buttons. </li>
|
73 |
-
</ul>
|
74 |
-
<h2>What are the alternatives to the Play Store to download Android apps? </h2>
|
75 |
-
<p>The Play Store is not the only source of applications for your Android device. There are other ways to download apps, which may have some advantages over the Play Store. However, you should also be careful and vigilant when using alternative sources, as they may pose risks to your device or personal data. Here are some criteria to consider when choosing an alternative to the Play Store:</p>
|
76 |
-
<ul>
|
77 |
-
<li>Safety: It is essential to verify that the alternative source you are using is reliable and secure. You can consult the reviews of other users, the site’s security certificates, or the antivirus analysis reports of the proposed applications. </li>
|
78 |
-
<li>Diversity: It’s interesting to choose an alternative source that offers you a wide range of applications, which are not necessarily available on the Play Store. For example, you may find applications that are prohibited by Google for legal or ethical reasons, or applications that are tailored to specific needs. </li>
|
79 |
-
|
80 |
-
</ul>
|
81 |
-
<p>Here are some examples of popular alternatives to the Play Store:</p>
|
82 |
-
<p></p>
|
83 |
-
<table>
|
84 |
-
<tr>
|
85 |
-
<th>Name</th>
|
86 |
-
<th>Description</th>
|
87 |
-
<th>Benefits</th>
|
88 |
-
<th>Disadvantages</th>
|
89 |
-
</tr>
|
90 |
-
<tr>
|
91 |
-
<td>APKMirror</td>
|
92 |
-
<td>A website that offers free APK files of Android apps. </td>
|
93 |
-
<td>- A wide range of applications <br> - Updated versions <br> - Applications not available on the Play Store</td>
|
94 |
-
<td>- A security risk if the APK file is modified or infected <br> - Manual installation required</td>
|
95 |
-
</tr>
|
96 |
-
<tr>
|
97 |
-
<td>Aurora Store</td>
|
98 |
-
<td>An app that allows you to access the Play Store catalogue without needing a Google account.</td>
|
99 |
-
<td>- Simple and intuitive interface <br> - Compatibility with most Android devices <br> - Ability to download regional or restricted applications</td>
|
100 |
-
<td>- A risk of violation of Google’s terms of use <br> - Reliance on the Play Store for updates</td>
|
101 |
-
</tr>
|
102 |
-
<tr>
|
103 |
-
<td>Aptoide</td>
|
104 |
-
<td>An app that allows you to create and manage your own Android app store.</td>
|
105 |
-
<td>- Complete freedom for developers and users <br> - An active and participatory community <br> - Opportunity to create thematic or custom shops</td>
|
106 |
-
<td>- A risk of pirating or infringing applications <br> - Variable quality of the proposed applications</td>
|
107 |
-
</tr>
|
108 |
-
</table>
|
109 |
-
<h1>Conclusion: summarize the key points of the article and give your personal opinion on the Play Store</h1>
|
110 |
-
<p>In this article, we covered what the Play Store is, why you should use it, how to download and install it on your Android device, how to update and manage its applications, and what alternatives to the Play Store are available. We hope this article has been helpful and that you have learned some interesting things about the Play Store.</p>
|
111 |
-
|
112 |
-
<p>However, the Play Store is not perfect. It can present problems of confidentiality, diversity, or compatibility with certain devices. It may also not meet your specific needs or your desires for discovery. That’s why there are alternatives to the Play Store, which can offer you more freedom, personalization, or creativity. But be careful, these alternatives may also involve risks for your device or your personal data. Caution and vigilance should be exercised when using alternative sources. </p>
|
113 |
-
<p>I use the Play Store as my main application source for my Android device. I find that it is a reliable application, easy to use, and that offers applications adapted to my tastes. I regularly update the Play Store and my apps to take advantage of new features and bug fixes. I also check the opinions of other users to get an idea of the quality of the applications before downloading them. </p>
|
114 |
-
<p>But I also don’t hesitate to use alternatives to the Play Store when I want to discover applications that are not available on the Play Store, or that are more suitable for my device. For example, I use APKMirror to download the latest versions of the apps I like, or Aurora Store to access regional or restricted apps. I always make sure to check the security and compatibility of the applications I download from these alternative sources. </p>
|
115 |
-
<p>What is your experience with the Play Store? What are your favorite apps on the Play Store? What alternatives to the Play Store do you use? Feel free to share your thoughts and questions in the comments below! </p>
|
116 |
-
<h2>FAQs</h2>
|
117 |
-
<p>Here are some frequently asked questions about the Play Store and its alternatives:</p>
|
118 |
-
|
119 |
-
<li><b>How do I create a Google account to use the Play Store? </b><br>To create a Google account, you can either use an existing Gmail address or create a new Gmail address. You can then sign in with your Google account on the Play Store from your Android device.</li>
|
120 |
-
<li><b>How do I turn off automatic updates from the Play Store? </b><br>To disable automatic updates to the Play Store, you can go to the Play Store settings under the heading "Automatically update applications" and choose the option "Do not automatically update applications". You will then need to manually check and install the available updates. </li>
|
121 |
-
<li><b>How do I remove the Play Store from my Android device? </b><br>To remove the Play Store from your Android device, you must have root access on your device, that is, access to system files. You can then use an application like Titanium Backup or Root Uninstaller to uninstall the Play Store. Please note that this operation may cause malfunctions or data loss on your device. </li>
|
122 |
-
<li><b>How do I download free paid apps from the Play Store? </b><br>There is no legal and safe way to download free paid apps from the Play Store. If you find sites or apps that offer to do so, it is probably scams or hacks, which can harm your device or your personal data. We therefore advise you to respect copyright and pay for the applications you wish to use. </li>
|
123 |
-
|
124 |
-
</ul></p> 64aa2da5cf<br />
|
125 |
-
<br />
|
126 |
-
<br />
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/Benson/text-generation/Examples/Cmo Descargar Pokerstars En Pases Prohibidos.md
DELETED
@@ -1,62 +0,0 @@
|
|
1 |
-
<br />
|
2 |
-
<h1>Cómo descargar PokerStars en países prohibidos</h1>
|
3 |
-
<p>Si eres un fan del poker online, probablemente hayas oído hablar de PokerStars, el sitio de poker online más grande y popular del mundo. PokerStars ofrece una amplia gama de juegos, torneos, promociones y características que atienden a jugadores de todos los niveles de habilidad y preferencias. Sin embargo, no todos pueden disfrutar de los beneficios de PokerStars, ya que el sitio está bloqueado o restringido en muchos países debido a problemas legales o regulatorios. En este artículo, te mostraremos cómo descargar PokerStars en países prohibidos usando una VPN, una solución simple y efectiva que te permite evitar las restricciones geográficas y jugar al poker online desde cualquier lugar. </p>
|
4 |
-
<h2>¿Qué es PokerStars y por qué está prohibido en algunos países? </h2>
|
5 |
-
<h3>Características y beneficios de PokerStars</h3>
|
6 |
-
<p>PokerStars es la plataforma de poker online líder en el mundo, con más de 100 millones de usuarios registrados y millones de jugadores activos cada día. PokerStars ofrece una variedad de juegos, incluyendo Texas Hold'em, Omaha, Stud, Razz, Draw, Juegos mixtos y más. También puedes encontrar torneos de todos los tamaños y apuestas, desde freerolls y micro stakes hasta high rollers y eventos importantes como el Campeonato Mundial de Poker Online (WCOOP) y el Campeonato de Primavera de Poker Online (SCOOP). PokerStars también tiene un programa de lealtad llamado PokerStars Rewards, que te ofrece recompensas personalizadas basadas en tu actividad de juego. Puedes ganar puntos de recompensa cada vez que juegues con dinero real o hagas apuestas, y cambiarlos por premios en efectivo, tickets de torneos, mercancía o StarsCoin, que puedes usar en la Tienda de Recompensas.</p>
|
7 |
-
<h2>cómo descargar pokerstars en países prohibidos</h2><br /><p><b><b>Download</b> ✑ ✑ ✑ <a href="https://bltlly.com/2v6Mz7">https://bltlly.com/2v6Mz7</a></b></p><br /><br />
|
8 |
-
<h3>Jurisdicciones prohibidas por PokerStars</h3>
|
9 |
-
<p>A pesar de su popularidad y reputación, PokerStars no está disponible en todos los países. Hay varias razones por las que PokerStars puede estar prohibido o restringido en algunas jurisdicciones, como:</p>
|
10 |
-
<ul>
|
11 |
-
|
12 |
-
<li>Proteccionismo de mercado: Algunos países pueden favorecer a sus propios operadores nacionales o monopolios estatales sobre competidores extranjeros, y pueden imponer barreras o restricciones a los sitios de juego en línea extranjeros. </li>
|
13 |
-
<li>Disputas o sanciones legales: Algunos países pueden tener conflictos legales en curso o disputas con PokerStars o su compañía matriz Flutter Entertainment (anteriormente The Stars Group), o pueden imponer sanciones o sanciones por varias razones. </li>
|
14 |
-
</ul>
|
15 |
-
<p>Según el sitio web oficial, PokerStars tiene tres categorías de jurisdicciones prohibidas:</p>
|
16 |
-
<tabla>
|
17 |
-
<tr><th>Categoría</th><th>Descripción</th><th>Ejemplos</th></tr>
|
18 |
-
<tr><td>Bloqueado de la actividad de dinero real</td><td>Países donde los jugadores pueden acceder a juegos de dinero ficticio pero no a juegos de dinero real</td><td>Australia, Colombia, Egipto, EAU, USA (excepto donde haya licencia local)</td></tr>
|
19 |
-
<tr><td>Países donde los jugadores no pueden acceder a juegos de dinero real ni freemium (como Jackpot Poker)</td><td>Afganistán, Irán, Irak, Corea del Norte, Arabia Saudita, Turquía</td></tr>
|
20 |
-
<tr><td>Bloqueado de dinero real, freemium y la actividad de dinero ficticio</td><td><td>Países donde los jugadores no pueden acceder a ningún juego en absoluto</td><td>Cuba, Hong Kong, Israel, Libia, Sudán, Siria</td></tr>
|
21 |
-
</tabla>
|
22 |
-
<p>La lista de jurisdicciones prohibidas <h2>Cómo usar una VPN para acceder a PokerStars desde cualquier lugar</h2>
|
23 |
-
<h3>¿Qué es una VPN y cómo funciona? </h3>
|
24 |
-
<p>Una VPN, o red privada virtual, es un servicio que crea una conexión segura y cifrada entre su dispositivo y un servidor remoto. Al usar una VPN, puede cambiar su dirección IP y ubicación, haciendo que parezca que está navegando desde otro país. De esta manera, puedes acceder a sitios web y servicios que están bloqueados o restringidos en tu región, como PokerStars.</p>
|
25 |
-
|
26 |
-
<h3>Las mejores VPNs para poker online en 2023</h3>
|
27 |
-
<p>No todas las VPN son adecuadas para el póquer en línea, ya que algunas pueden tener velocidades lentas, conexiones no confiables, características de seguridad pobres o ubicaciones de servidor limitadas. Para jugar a PokerStars sin ningún problema, necesita una VPN que cumpla los siguientes criterios:</p>
|
28 |
-
<ul>
|
29 |
-
<li>Tiene servidores en países donde PokerStars no está prohibido o restringido, como el Reino Unido, Polonia, Eslovaquia o Alemania.</li>
|
30 |
-
<li>Ofrece velocidades rápidas y consistentes para juegos suaves y sin demoras. </li>
|
31 |
-
<li> Proporciona funciones de cifrado y seguridad sólidas, como un interruptor de interrupción, protección contra fugas de DNS y una política de no registro. </li>
|
32 |
-
<li>Soporta múltiples dispositivos y plataformas, como Windows, Mac, Android, iOS, Linux, enrutadores, etc.</li>
|
33 |
-
<li>Ofrece una opción de dirección IP dedicada, que le da una dirección IP única que no se comparte con otros usuarios. Esto puede ayudarte a evitar la detección y las prohibiciones de PokerStars.</li>
|
34 |
-
</ul>
|
35 |
-
<p>En base a estos criterios, hemos probado y seleccionado las mejores VPNs para poker online en 2023. Aquí están nuestras principales recomendaciones:</p>
|
36 |
-
<ol>
|
37 |
-
<li><strong>NordVPN</strong>: Nuestra mejor VPN para poker online. NordVPN tiene más de 5.500 servidores en 60 países, incluyendo muchos donde PokerStars está disponible. Ofrece velocidades increíblemente rápidas y conexiones confiables para juegos ininterrumpidos. También tiene excelentes características de seguridad, como el cifrado AES de 256 bits, un interruptor de interrupción, protección contra fugas de DNS y una estricta política de no registro. NordVPN también ofrece una opción de dirección IP dedicada por un extra de $70/año, lo que le da una dirección IP única que no se comparte con otros usuarios. Puede usar NordVPN en hasta 6 dispositivos simultáneamente con una cuenta. NordVPN también tiene una garantía de devolución de dinero de 30 días, para que pueda probarla sin riesgos. </li>
|
38 |
-
|
39 |
-
<li><strong>PrivateVPN</strong>: PrivateVPN es una VPN económica para el póquer en línea. Tiene más de 200 servidores en 63 países, incluyendo muchos donde PokerStars está desbloqueado. Ofrece velocidades rápidas y consistentes para un juego sin problemas. También tiene características de seguridad sólidas, como el cifrado AES de 256 bits, un interruptor de interrupción, protección contra fugas de DNS y una política de no registro. PrivateVPN también ofrece IP dedicadas dinámicas públicas de forma gratuita con su plan estándar. Estas son IP que se le asignan exclusivamente cuando se conecta a ciertos servidores (como el servidor estadounidense de Buffalo en Nueva York). Puede usar PrivateVPN en hasta 10 dispositivos simultáneamente con una cuenta. PrivateVPN también tiene una garantía de devolución de dinero de 30 días, la posibilidad de ser marcado como usuario de VPN por PokerStars. Puede obtener una dirección IP dedicada de algunas de las VPN que recomendamos anteriormente, como NordVPN o PIA.</li>
|
40 |
-
<li>Use un servicio VPN de buena reputación: Un servicio VPN de buena reputación es uno que tiene velocidades rápidas y consistentes, conexiones confiables, características de seguridad sólidas y una política de no registro. Estos factores pueden ayudarlo a evitar interrupciones, fugas o rastros de su uso de VPN al jugar al póquer en línea. Debe evitar el uso de VPN gratuitas o de baja calidad, ya que pueden comprometer su privacidad y seguridad en línea, o exponerlo a detección y prohibiciones de PokerStars.</li>
|
41 |
-
<li>Usa el mismo país o región: Si tienes una cuenta de PokerStars existente, debes usar un servidor VPN que coincida con el país o la región de tu cuenta. Esto puede ayudarte a evitar sospechas o inconsistencias al jugar al poker online. Por ejemplo, si tu cuenta de PokerStars está registrada en el Reino Unido, debes usar un servidor VPN del Reino Unido para acceder a PokerStars. Si desea crear una nueva cuenta de PokerStars, debe usar un servidor VPN que corresponda al país o región donde desea jugar. </li>
|
42 |
-
</ul>
|
43 |
-
|
44 |
-
<h3>¿Cómo puedo depositar y retirar dinero de PokerStars usando una VPN? </h3>
|
45 |
-
<p>Si utiliza una VPN para acceder a PokerStars desde un país prohibido, puede enfrentar algunos desafíos cuando se trata de depositar y retirar dinero de su cuenta. Esto se debe a que algunos métodos de pago pueden no estar disponibles o ser compatibles con su ubicación VPN, o pueden requerir verificación o identificación que puede revelar su verdadera ubicación. Para evitar estos problemas, debes seguir estos consejos:</p>
|
46 |
-
<ul>
|
47 |
-
<li>Utilice un servicio de e-wallet: Un servicio de e-wallet es una plataforma de pago en línea que le permite almacenar y transferir dinero en línea. Algunos ejemplos de servicios de monedero electrónico son PayPal, Skrill, Neteller y ecoPayz. Estos servicios son ampliamente aceptados por PokerStars y otros sitios de juego en línea, y pueden ayudarlo a evitar cargos bancarios o de tarjetas de crédito, restricciones o verificación. También puede utilizar un servicio de monedero electrónico para convertir su moneda a la utilizada por PokerStars, como USD o EUR.</li>
|
48 |
-
<li>Usar una criptomoneda: Una criptomoneda es una moneda digital que opera independientemente de cualquier autoridad central o intermediario. Algunos ejemplos de criptomonedas son Bitcoin, Ethereum, Litecoin y Dogecoin. Estas monedas son seguras, anónimas y descentralizadas, y pueden ayudarlo a evitar la censura o la regulación de su gobierno o ISP. También puede utilizar una criptomoneda para evitar tasas de conversión de divisas o fluctuaciones. Sin embargo, debe tener en cuenta que las criptomonedas son volátiles y riesgosas, y que no todos los sitios de juego en línea las aceptan. </li>
|
49 |
-
|
50 |
-
</ul>
|
51 |
-
<p>Al usar estos consejos, puedes depositar y retirar dinero de PokerStars usando una VPN más fácil y segura. Sin embargo, debes seguir revisando los términos y condiciones de PokerStars y los métodos de pago que utilizas, y asegurarte de cumplir con las leyes y regulaciones locales relativas al juego en línea y las transferencias de dinero. </p>
|
52 |
-
<p></p>
|
53 |
-
<h3>¿Cuáles son los riesgos de jugar al poker online con una VPN? </h3>
|
54 |
-
<p>Jugar al póquer en línea con una VPN puede ser una gran manera de acceder a PokerStars y otros sitios de juego en línea desde cualquier lugar, pero también viene con algunos riesgos y desafíos que debe tener en cuenta. Algunos de ellos son:</p>
|
55 |
-
<ul>
|
56 |
-
<li>Cuestiones legales o reglamentarias: El juego en línea es ilegal o está restringido en muchos países, y el uso de una VPN para acceder a PokerStars u otros sitios de juego en línea puede violar las leyes y regulaciones locales. Usted puede enfrentar consecuencias legales o sanciones si es capturado o reportado por su gobierno, ISP o PokerStars. Siempre debe verificar el estado legal de los juegos de azar en línea en su país antes de jugar, y usar una VPN bajo su propio riesgo. </li>
|
57 |
-
<li>Suspensión o cierre de cuenta: PokerStars no prohíbe explícitamente el uso de VPN, pero se reserva el derecho de cerrar o suspender su cuenta si detecta alguna actividad sospechosa o fraudulenta. Esto significa que si utiliza una VPN para acceder a PokerStars desde un país prohibido, puede correr el riesgo de perder su cuenta o fondos. Siempre debe seguir los consejos que proporcionamos anteriormente para evitar la detección y las prohibiciones de PokerStars, y usar una VPN bajo su propio riesgo. </li>
|
58 |
-
|
59 |
-
</ul>
|
60 |
-
<p>Al ser consciente de estos riesgos y desafíos, puede jugar al póquer en línea con una VPN más segura y responsable. Sin embargo, debe entender que no hay garantía de que no encontrará problemas o problemas al usar una VPN para acceder a PokerStars desde un país prohibido, y que es responsable de las consecuencias que puedan surgir del uso de una VPN para jugar al póquer en línea. </p> 64aa2da5cf<br />
|
61 |
-
<br />
|
62 |
-
<br />
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/Big-Web/MMSD/env/Lib/site-packages/pip/_internal/utils/appdirs.py
DELETED
@@ -1,52 +0,0 @@
|
|
1 |
-
"""
|
2 |
-
This code wraps the vendored appdirs module to so the return values are
|
3 |
-
compatible for the current pip code base.
|
4 |
-
|
5 |
-
The intention is to rewrite current usages gradually, keeping the tests pass,
|
6 |
-
and eventually drop this after all usages are changed.
|
7 |
-
"""
|
8 |
-
|
9 |
-
import os
|
10 |
-
import sys
|
11 |
-
from typing import List
|
12 |
-
|
13 |
-
from pip._vendor import platformdirs as _appdirs
|
14 |
-
|
15 |
-
|
16 |
-
def user_cache_dir(appname: str) -> str:
|
17 |
-
return _appdirs.user_cache_dir(appname, appauthor=False)
|
18 |
-
|
19 |
-
|
20 |
-
def _macos_user_config_dir(appname: str, roaming: bool = True) -> str:
|
21 |
-
# Use ~/Application Support/pip, if the directory exists.
|
22 |
-
path = _appdirs.user_data_dir(appname, appauthor=False, roaming=roaming)
|
23 |
-
if os.path.isdir(path):
|
24 |
-
return path
|
25 |
-
|
26 |
-
# Use a Linux-like ~/.config/pip, by default.
|
27 |
-
linux_like_path = "~/.config/"
|
28 |
-
if appname:
|
29 |
-
linux_like_path = os.path.join(linux_like_path, appname)
|
30 |
-
|
31 |
-
return os.path.expanduser(linux_like_path)
|
32 |
-
|
33 |
-
|
34 |
-
def user_config_dir(appname: str, roaming: bool = True) -> str:
|
35 |
-
if sys.platform == "darwin":
|
36 |
-
return _macos_user_config_dir(appname, roaming)
|
37 |
-
|
38 |
-
return _appdirs.user_config_dir(appname, appauthor=False, roaming=roaming)
|
39 |
-
|
40 |
-
|
41 |
-
# for the discussion regarding site_config_dir locations
|
42 |
-
# see <https://github.com/pypa/pip/issues/1733>
|
43 |
-
def site_config_dirs(appname: str) -> List[str]:
|
44 |
-
if sys.platform == "darwin":
|
45 |
-
return [_appdirs.site_data_dir(appname, appauthor=False, multipath=True)]
|
46 |
-
|
47 |
-
dirval = _appdirs.site_config_dir(appname, appauthor=False, multipath=True)
|
48 |
-
if sys.platform == "win32":
|
49 |
-
return [dirval]
|
50 |
-
|
51 |
-
# Unix-y system. Look in /etc as well.
|
52 |
-
return dirval.split(os.pathsep) + ["/etc"]
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/Big-Web/MMSD/env/Lib/site-packages/pip/_vendor/chardet/big5freq.py
DELETED
@@ -1,386 +0,0 @@
|
|
1 |
-
######################## BEGIN LICENSE BLOCK ########################
|
2 |
-
# The Original Code is Mozilla Communicator client code.
|
3 |
-
#
|
4 |
-
# The Initial Developer of the Original Code is
|
5 |
-
# Netscape Communications Corporation.
|
6 |
-
# Portions created by the Initial Developer are Copyright (C) 1998
|
7 |
-
# the Initial Developer. All Rights Reserved.
|
8 |
-
#
|
9 |
-
# Contributor(s):
|
10 |
-
# Mark Pilgrim - port to Python
|
11 |
-
#
|
12 |
-
# This library is free software; you can redistribute it and/or
|
13 |
-
# modify it under the terms of the GNU Lesser General Public
|
14 |
-
# License as published by the Free Software Foundation; either
|
15 |
-
# version 2.1 of the License, or (at your option) any later version.
|
16 |
-
#
|
17 |
-
# This library is distributed in the hope that it will be useful,
|
18 |
-
# but WITHOUT ANY WARRANTY; without even the implied warranty of
|
19 |
-
# MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the GNU
|
20 |
-
# Lesser General Public License for more details.
|
21 |
-
#
|
22 |
-
# You should have received a copy of the GNU Lesser General Public
|
23 |
-
# License along with this library; if not, write to the Free Software
|
24 |
-
# Foundation, Inc., 51 Franklin St, Fifth Floor, Boston, MA
|
25 |
-
# 02110-1301 USA
|
26 |
-
######################### END LICENSE BLOCK #########################
|
27 |
-
|
28 |
-
# Big5 frequency table
|
29 |
-
# by Taiwan's Mandarin Promotion Council
|
30 |
-
# <http://www.edu.tw:81/mandr/>
|
31 |
-
#
|
32 |
-
# 128 --> 0.42261
|
33 |
-
# 256 --> 0.57851
|
34 |
-
# 512 --> 0.74851
|
35 |
-
# 1024 --> 0.89384
|
36 |
-
# 2048 --> 0.97583
|
37 |
-
#
|
38 |
-
# Ideal Distribution Ratio = 0.74851/(1-0.74851) =2.98
|
39 |
-
# Random Distribution Ration = 512/(5401-512)=0.105
|
40 |
-
#
|
41 |
-
# Typical Distribution Ratio about 25% of Ideal one, still much higher than RDR
|
42 |
-
|
43 |
-
BIG5_TYPICAL_DISTRIBUTION_RATIO = 0.75
|
44 |
-
|
45 |
-
# Char to FreqOrder table
|
46 |
-
BIG5_TABLE_SIZE = 5376
|
47 |
-
# fmt: off
|
48 |
-
BIG5_CHAR_TO_FREQ_ORDER = (
|
49 |
-
1,1801,1506, 255,1431, 198, 9, 82, 6,5008, 177, 202,3681,1256,2821, 110, # 16
|
50 |
-
3814, 33,3274, 261, 76, 44,2114, 16,2946,2187,1176, 659,3971, 26,3451,2653, # 32
|
51 |
-
1198,3972,3350,4202, 410,2215, 302, 590, 361,1964, 8, 204, 58,4510,5009,1932, # 48
|
52 |
-
63,5010,5011, 317,1614, 75, 222, 159,4203,2417,1480,5012,3555,3091, 224,2822, # 64
|
53 |
-
3682, 3, 10,3973,1471, 29,2787,1135,2866,1940, 873, 130,3275,1123, 312,5013, # 80
|
54 |
-
4511,2052, 507, 252, 682,5014, 142,1915, 124, 206,2947, 34,3556,3204, 64, 604, # 96
|
55 |
-
5015,2501,1977,1978, 155,1991, 645, 641,1606,5016,3452, 337, 72, 406,5017, 80, # 112
|
56 |
-
630, 238,3205,1509, 263, 939,1092,2654, 756,1440,1094,3453, 449, 69,2987, 591, # 128
|
57 |
-
179,2096, 471, 115,2035,1844, 60, 50,2988, 134, 806,1869, 734,2036,3454, 180, # 144
|
58 |
-
995,1607, 156, 537,2907, 688,5018, 319,1305, 779,2145, 514,2379, 298,4512, 359, # 160
|
59 |
-
2502, 90,2716,1338, 663, 11, 906,1099,2553, 20,2441, 182, 532,1716,5019, 732, # 176
|
60 |
-
1376,4204,1311,1420,3206, 25,2317,1056, 113, 399, 382,1950, 242,3455,2474, 529, # 192
|
61 |
-
3276, 475,1447,3683,5020, 117, 21, 656, 810,1297,2300,2334,3557,5021, 126,4205, # 208
|
62 |
-
706, 456, 150, 613,4513, 71,1118,2037,4206, 145,3092, 85, 835, 486,2115,1246, # 224
|
63 |
-
1426, 428, 727,1285,1015, 800, 106, 623, 303,1281,5022,2128,2359, 347,3815, 221, # 240
|
64 |
-
3558,3135,5023,1956,1153,4207, 83, 296,1199,3093, 192, 624, 93,5024, 822,1898, # 256
|
65 |
-
2823,3136, 795,2065, 991,1554,1542,1592, 27, 43,2867, 859, 139,1456, 860,4514, # 272
|
66 |
-
437, 712,3974, 164,2397,3137, 695, 211,3037,2097, 195,3975,1608,3559,3560,3684, # 288
|
67 |
-
3976, 234, 811,2989,2098,3977,2233,1441,3561,1615,2380, 668,2077,1638, 305, 228, # 304
|
68 |
-
1664,4515, 467, 415,5025, 262,2099,1593, 239, 108, 300, 200,1033, 512,1247,2078, # 320
|
69 |
-
5026,5027,2176,3207,3685,2682, 593, 845,1062,3277, 88,1723,2038,3978,1951, 212, # 336
|
70 |
-
266, 152, 149, 468,1899,4208,4516, 77, 187,5028,3038, 37, 5,2990,5029,3979, # 352
|
71 |
-
5030,5031, 39,2524,4517,2908,3208,2079, 55, 148, 74,4518, 545, 483,1474,1029, # 368
|
72 |
-
1665, 217,1870,1531,3138,1104,2655,4209, 24, 172,3562, 900,3980,3563,3564,4519, # 384
|
73 |
-
32,1408,2824,1312, 329, 487,2360,2251,2717, 784,2683, 4,3039,3351,1427,1789, # 400
|
74 |
-
188, 109, 499,5032,3686,1717,1790, 888,1217,3040,4520,5033,3565,5034,3352,1520, # 416
|
75 |
-
3687,3981, 196,1034, 775,5035,5036, 929,1816, 249, 439, 38,5037,1063,5038, 794, # 432
|
76 |
-
3982,1435,2301, 46, 178,3278,2066,5039,2381,5040, 214,1709,4521, 804, 35, 707, # 448
|
77 |
-
324,3688,1601,2554, 140, 459,4210,5041,5042,1365, 839, 272, 978,2262,2580,3456, # 464
|
78 |
-
2129,1363,3689,1423, 697, 100,3094, 48, 70,1231, 495,3139,2196,5043,1294,5044, # 480
|
79 |
-
2080, 462, 586,1042,3279, 853, 256, 988, 185,2382,3457,1698, 434,1084,5045,3458, # 496
|
80 |
-
314,2625,2788,4522,2335,2336, 569,2285, 637,1817,2525, 757,1162,1879,1616,3459, # 512
|
81 |
-
287,1577,2116, 768,4523,1671,2868,3566,2526,1321,3816, 909,2418,5046,4211, 933, # 528
|
82 |
-
3817,4212,2053,2361,1222,4524, 765,2419,1322, 786,4525,5047,1920,1462,1677,2909, # 544
|
83 |
-
1699,5048,4526,1424,2442,3140,3690,2600,3353,1775,1941,3460,3983,4213, 309,1369, # 560
|
84 |
-
1130,2825, 364,2234,1653,1299,3984,3567,3985,3986,2656, 525,1085,3041, 902,2001, # 576
|
85 |
-
1475, 964,4527, 421,1845,1415,1057,2286, 940,1364,3141, 376,4528,4529,1381, 7, # 592
|
86 |
-
2527, 983,2383, 336,1710,2684,1846, 321,3461, 559,1131,3042,2752,1809,1132,1313, # 608
|
87 |
-
265,1481,1858,5049, 352,1203,2826,3280, 167,1089, 420,2827, 776, 792,1724,3568, # 624
|
88 |
-
4214,2443,3281,5050,4215,5051, 446, 229, 333,2753, 901,3818,1200,1557,4530,2657, # 640
|
89 |
-
1921, 395,2754,2685,3819,4216,1836, 125, 916,3209,2626,4531,5052,5053,3820,5054, # 656
|
90 |
-
5055,5056,4532,3142,3691,1133,2555,1757,3462,1510,2318,1409,3569,5057,2146, 438, # 672
|
91 |
-
2601,2910,2384,3354,1068, 958,3043, 461, 311,2869,2686,4217,1916,3210,4218,1979, # 688
|
92 |
-
383, 750,2755,2627,4219, 274, 539, 385,1278,1442,5058,1154,1965, 384, 561, 210, # 704
|
93 |
-
98,1295,2556,3570,5059,1711,2420,1482,3463,3987,2911,1257, 129,5060,3821, 642, # 720
|
94 |
-
523,2789,2790,2658,5061, 141,2235,1333, 68, 176, 441, 876, 907,4220, 603,2602, # 736
|
95 |
-
710, 171,3464, 404, 549, 18,3143,2398,1410,3692,1666,5062,3571,4533,2912,4534, # 752
|
96 |
-
5063,2991, 368,5064, 146, 366, 99, 871,3693,1543, 748, 807,1586,1185, 22,2263, # 768
|
97 |
-
379,3822,3211,5065,3212, 505,1942,2628,1992,1382,2319,5066, 380,2362, 218, 702, # 784
|
98 |
-
1818,1248,3465,3044,3572,3355,3282,5067,2992,3694, 930,3283,3823,5068, 59,5069, # 800
|
99 |
-
585, 601,4221, 497,3466,1112,1314,4535,1802,5070,1223,1472,2177,5071, 749,1837, # 816
|
100 |
-
690,1900,3824,1773,3988,1476, 429,1043,1791,2236,2117, 917,4222, 447,1086,1629, # 832
|
101 |
-
5072, 556,5073,5074,2021,1654, 844,1090, 105, 550, 966,1758,2828,1008,1783, 686, # 848
|
102 |
-
1095,5075,2287, 793,1602,5076,3573,2603,4536,4223,2948,2302,4537,3825, 980,2503, # 864
|
103 |
-
544, 353, 527,4538, 908,2687,2913,5077, 381,2629,1943,1348,5078,1341,1252, 560, # 880
|
104 |
-
3095,5079,3467,2870,5080,2054, 973, 886,2081, 143,4539,5081,5082, 157,3989, 496, # 896
|
105 |
-
4224, 57, 840, 540,2039,4540,4541,3468,2118,1445, 970,2264,1748,1966,2082,4225, # 912
|
106 |
-
3144,1234,1776,3284,2829,3695, 773,1206,2130,1066,2040,1326,3990,1738,1725,4226, # 928
|
107 |
-
279,3145, 51,1544,2604, 423,1578,2131,2067, 173,4542,1880,5083,5084,1583, 264, # 944
|
108 |
-
610,3696,4543,2444, 280, 154,5085,5086,5087,1739, 338,1282,3096, 693,2871,1411, # 960
|
109 |
-
1074,3826,2445,5088,4544,5089,5090,1240, 952,2399,5091,2914,1538,2688, 685,1483, # 976
|
110 |
-
4227,2475,1436, 953,4228,2055,4545, 671,2400, 79,4229,2446,3285, 608, 567,2689, # 992
|
111 |
-
3469,4230,4231,1691, 393,1261,1792,2401,5092,4546,5093,5094,5095,5096,1383,1672, # 1008
|
112 |
-
3827,3213,1464, 522,1119, 661,1150, 216, 675,4547,3991,1432,3574, 609,4548,2690, # 1024
|
113 |
-
2402,5097,5098,5099,4232,3045, 0,5100,2476, 315, 231,2447, 301,3356,4549,2385, # 1040
|
114 |
-
5101, 233,4233,3697,1819,4550,4551,5102, 96,1777,1315,2083,5103, 257,5104,1810, # 1056
|
115 |
-
3698,2718,1139,1820,4234,2022,1124,2164,2791,1778,2659,5105,3097, 363,1655,3214, # 1072
|
116 |
-
5106,2993,5107,5108,5109,3992,1567,3993, 718, 103,3215, 849,1443, 341,3357,2949, # 1088
|
117 |
-
1484,5110,1712, 127, 67, 339,4235,2403, 679,1412, 821,5111,5112, 834, 738, 351, # 1104
|
118 |
-
2994,2147, 846, 235,1497,1881, 418,1993,3828,2719, 186,1100,2148,2756,3575,1545, # 1120
|
119 |
-
1355,2950,2872,1377, 583,3994,4236,2581,2995,5113,1298,3699,1078,2557,3700,2363, # 1136
|
120 |
-
78,3829,3830, 267,1289,2100,2002,1594,4237, 348, 369,1274,2197,2178,1838,4552, # 1152
|
121 |
-
1821,2830,3701,2757,2288,2003,4553,2951,2758, 144,3358, 882,4554,3995,2759,3470, # 1168
|
122 |
-
4555,2915,5114,4238,1726, 320,5115,3996,3046, 788,2996,5116,2831,1774,1327,2873, # 1184
|
123 |
-
3997,2832,5117,1306,4556,2004,1700,3831,3576,2364,2660, 787,2023, 506, 824,3702, # 1200
|
124 |
-
534, 323,4557,1044,3359,2024,1901, 946,3471,5118,1779,1500,1678,5119,1882,4558, # 1216
|
125 |
-
165, 243,4559,3703,2528, 123, 683,4239, 764,4560, 36,3998,1793, 589,2916, 816, # 1232
|
126 |
-
626,1667,3047,2237,1639,1555,1622,3832,3999,5120,4000,2874,1370,1228,1933, 891, # 1248
|
127 |
-
2084,2917, 304,4240,5121, 292,2997,2720,3577, 691,2101,4241,1115,4561, 118, 662, # 1264
|
128 |
-
5122, 611,1156, 854,2386,1316,2875, 2, 386, 515,2918,5123,5124,3286, 868,2238, # 1280
|
129 |
-
1486, 855,2661, 785,2216,3048,5125,1040,3216,3578,5126,3146, 448,5127,1525,5128, # 1296
|
130 |
-
2165,4562,5129,3833,5130,4242,2833,3579,3147, 503, 818,4001,3148,1568, 814, 676, # 1312
|
131 |
-
1444, 306,1749,5131,3834,1416,1030, 197,1428, 805,2834,1501,4563,5132,5133,5134, # 1328
|
132 |
-
1994,5135,4564,5136,5137,2198, 13,2792,3704,2998,3149,1229,1917,5138,3835,2132, # 1344
|
133 |
-
5139,4243,4565,2404,3580,5140,2217,1511,1727,1120,5141,5142, 646,3836,2448, 307, # 1360
|
134 |
-
5143,5144,1595,3217,5145,5146,5147,3705,1113,1356,4002,1465,2529,2530,5148, 519, # 1376
|
135 |
-
5149, 128,2133, 92,2289,1980,5150,4003,1512, 342,3150,2199,5151,2793,2218,1981, # 1392
|
136 |
-
3360,4244, 290,1656,1317, 789, 827,2365,5152,3837,4566, 562, 581,4004,5153, 401, # 1408
|
137 |
-
4567,2252, 94,4568,5154,1399,2794,5155,1463,2025,4569,3218,1944,5156, 828,1105, # 1424
|
138 |
-
4245,1262,1394,5157,4246, 605,4570,5158,1784,2876,5159,2835, 819,2102, 578,2200, # 1440
|
139 |
-
2952,5160,1502, 436,3287,4247,3288,2836,4005,2919,3472,3473,5161,2721,2320,5162, # 1456
|
140 |
-
5163,2337,2068, 23,4571, 193, 826,3838,2103, 699,1630,4248,3098, 390,1794,1064, # 1472
|
141 |
-
3581,5164,1579,3099,3100,1400,5165,4249,1839,1640,2877,5166,4572,4573, 137,4250, # 1488
|
142 |
-
598,3101,1967, 780, 104, 974,2953,5167, 278, 899, 253, 402, 572, 504, 493,1339, # 1504
|
143 |
-
5168,4006,1275,4574,2582,2558,5169,3706,3049,3102,2253, 565,1334,2722, 863, 41, # 1520
|
144 |
-
5170,5171,4575,5172,1657,2338, 19, 463,2760,4251, 606,5173,2999,3289,1087,2085, # 1536
|
145 |
-
1323,2662,3000,5174,1631,1623,1750,4252,2691,5175,2878, 791,2723,2663,2339, 232, # 1552
|
146 |
-
2421,5176,3001,1498,5177,2664,2630, 755,1366,3707,3290,3151,2026,1609, 119,1918, # 1568
|
147 |
-
3474, 862,1026,4253,5178,4007,3839,4576,4008,4577,2265,1952,2477,5179,1125, 817, # 1584
|
148 |
-
4254,4255,4009,1513,1766,2041,1487,4256,3050,3291,2837,3840,3152,5180,5181,1507, # 1600
|
149 |
-
5182,2692, 733, 40,1632,1106,2879, 345,4257, 841,2531, 230,4578,3002,1847,3292, # 1616
|
150 |
-
3475,5183,1263, 986,3476,5184, 735, 879, 254,1137, 857, 622,1300,1180,1388,1562, # 1632
|
151 |
-
4010,4011,2954, 967,2761,2665,1349, 592,2134,1692,3361,3003,1995,4258,1679,4012, # 1648
|
152 |
-
1902,2188,5185, 739,3708,2724,1296,1290,5186,4259,2201,2202,1922,1563,2605,2559, # 1664
|
153 |
-
1871,2762,3004,5187, 435,5188, 343,1108, 596, 17,1751,4579,2239,3477,3709,5189, # 1680
|
154 |
-
4580, 294,3582,2955,1693, 477, 979, 281,2042,3583, 643,2043,3710,2631,2795,2266, # 1696
|
155 |
-
1031,2340,2135,2303,3584,4581, 367,1249,2560,5190,3585,5191,4582,1283,3362,2005, # 1712
|
156 |
-
240,1762,3363,4583,4584, 836,1069,3153, 474,5192,2149,2532, 268,3586,5193,3219, # 1728
|
157 |
-
1521,1284,5194,1658,1546,4260,5195,3587,3588,5196,4261,3364,2693,1685,4262, 961, # 1744
|
158 |
-
1673,2632, 190,2006,2203,3841,4585,4586,5197, 570,2504,3711,1490,5198,4587,2633, # 1760
|
159 |
-
3293,1957,4588, 584,1514, 396,1045,1945,5199,4589,1968,2449,5200,5201,4590,4013, # 1776
|
160 |
-
619,5202,3154,3294, 215,2007,2796,2561,3220,4591,3221,4592, 763,4263,3842,4593, # 1792
|
161 |
-
5203,5204,1958,1767,2956,3365,3712,1174, 452,1477,4594,3366,3155,5205,2838,1253, # 1808
|
162 |
-
2387,2189,1091,2290,4264, 492,5206, 638,1169,1825,2136,1752,4014, 648, 926,1021, # 1824
|
163 |
-
1324,4595, 520,4596, 997, 847,1007, 892,4597,3843,2267,1872,3713,2405,1785,4598, # 1840
|
164 |
-
1953,2957,3103,3222,1728,4265,2044,3714,4599,2008,1701,3156,1551, 30,2268,4266, # 1856
|
165 |
-
5207,2027,4600,3589,5208, 501,5209,4267, 594,3478,2166,1822,3590,3479,3591,3223, # 1872
|
166 |
-
829,2839,4268,5210,1680,3157,1225,4269,5211,3295,4601,4270,3158,2341,5212,4602, # 1888
|
167 |
-
4271,5213,4015,4016,5214,1848,2388,2606,3367,5215,4603, 374,4017, 652,4272,4273, # 1904
|
168 |
-
375,1140, 798,5216,5217,5218,2366,4604,2269, 546,1659, 138,3051,2450,4605,5219, # 1920
|
169 |
-
2254, 612,1849, 910, 796,3844,1740,1371, 825,3845,3846,5220,2920,2562,5221, 692, # 1936
|
170 |
-
444,3052,2634, 801,4606,4274,5222,1491, 244,1053,3053,4275,4276, 340,5223,4018, # 1952
|
171 |
-
1041,3005, 293,1168, 87,1357,5224,1539, 959,5225,2240, 721, 694,4277,3847, 219, # 1968
|
172 |
-
1478, 644,1417,3368,2666,1413,1401,1335,1389,4019,5226,5227,3006,2367,3159,1826, # 1984
|
173 |
-
730,1515, 184,2840, 66,4607,5228,1660,2958, 246,3369, 378,1457, 226,3480, 975, # 2000
|
174 |
-
4020,2959,1264,3592, 674, 696,5229, 163,5230,1141,2422,2167, 713,3593,3370,4608, # 2016
|
175 |
-
4021,5231,5232,1186, 15,5233,1079,1070,5234,1522,3224,3594, 276,1050,2725, 758, # 2032
|
176 |
-
1126, 653,2960,3296,5235,2342, 889,3595,4022,3104,3007, 903,1250,4609,4023,3481, # 2048
|
177 |
-
3596,1342,1681,1718, 766,3297, 286, 89,2961,3715,5236,1713,5237,2607,3371,3008, # 2064
|
178 |
-
5238,2962,2219,3225,2880,5239,4610,2505,2533, 181, 387,1075,4024, 731,2190,3372, # 2080
|
179 |
-
5240,3298, 310, 313,3482,2304, 770,4278, 54,3054, 189,4611,3105,3848,4025,5241, # 2096
|
180 |
-
1230,1617,1850, 355,3597,4279,4612,3373, 111,4280,3716,1350,3160,3483,3055,4281, # 2112
|
181 |
-
2150,3299,3598,5242,2797,4026,4027,3009, 722,2009,5243,1071, 247,1207,2343,2478, # 2128
|
182 |
-
1378,4613,2010, 864,1437,1214,4614, 373,3849,1142,2220, 667,4615, 442,2763,2563, # 2144
|
183 |
-
3850,4028,1969,4282,3300,1840, 837, 170,1107, 934,1336,1883,5244,5245,2119,4283, # 2160
|
184 |
-
2841, 743,1569,5246,4616,4284, 582,2389,1418,3484,5247,1803,5248, 357,1395,1729, # 2176
|
185 |
-
3717,3301,2423,1564,2241,5249,3106,3851,1633,4617,1114,2086,4285,1532,5250, 482, # 2192
|
186 |
-
2451,4618,5251,5252,1492, 833,1466,5253,2726,3599,1641,2842,5254,1526,1272,3718, # 2208
|
187 |
-
4286,1686,1795, 416,2564,1903,1954,1804,5255,3852,2798,3853,1159,2321,5256,2881, # 2224
|
188 |
-
4619,1610,1584,3056,2424,2764, 443,3302,1163,3161,5257,5258,4029,5259,4287,2506, # 2240
|
189 |
-
3057,4620,4030,3162,2104,1647,3600,2011,1873,4288,5260,4289, 431,3485,5261, 250, # 2256
|
190 |
-
97, 81,4290,5262,1648,1851,1558, 160, 848,5263, 866, 740,1694,5264,2204,2843, # 2272
|
191 |
-
3226,4291,4621,3719,1687, 950,2479, 426, 469,3227,3720,3721,4031,5265,5266,1188, # 2288
|
192 |
-
424,1996, 861,3601,4292,3854,2205,2694, 168,1235,3602,4293,5267,2087,1674,4622, # 2304
|
193 |
-
3374,3303, 220,2565,1009,5268,3855, 670,3010, 332,1208, 717,5269,5270,3603,2452, # 2320
|
194 |
-
4032,3375,5271, 513,5272,1209,2882,3376,3163,4623,1080,5273,5274,5275,5276,2534, # 2336
|
195 |
-
3722,3604, 815,1587,4033,4034,5277,3605,3486,3856,1254,4624,1328,3058,1390,4035, # 2352
|
196 |
-
1741,4036,3857,4037,5278, 236,3858,2453,3304,5279,5280,3723,3859,1273,3860,4625, # 2368
|
197 |
-
5281, 308,5282,4626, 245,4627,1852,2480,1307,2583, 430, 715,2137,2454,5283, 270, # 2384
|
198 |
-
199,2883,4038,5284,3606,2727,1753, 761,1754, 725,1661,1841,4628,3487,3724,5285, # 2400
|
199 |
-
5286, 587, 14,3305, 227,2608, 326, 480,2270, 943,2765,3607, 291, 650,1884,5287, # 2416
|
200 |
-
1702,1226, 102,1547, 62,3488, 904,4629,3489,1164,4294,5288,5289,1224,1548,2766, # 2432
|
201 |
-
391, 498,1493,5290,1386,1419,5291,2056,1177,4630, 813, 880,1081,2368, 566,1145, # 2448
|
202 |
-
4631,2291,1001,1035,2566,2609,2242, 394,1286,5292,5293,2069,5294, 86,1494,1730, # 2464
|
203 |
-
4039, 491,1588, 745, 897,2963, 843,3377,4040,2767,2884,3306,1768, 998,2221,2070, # 2480
|
204 |
-
397,1827,1195,1970,3725,3011,3378, 284,5295,3861,2507,2138,2120,1904,5296,4041, # 2496
|
205 |
-
2151,4042,4295,1036,3490,1905, 114,2567,4296, 209,1527,5297,5298,2964,2844,2635, # 2512
|
206 |
-
2390,2728,3164, 812,2568,5299,3307,5300,1559, 737,1885,3726,1210, 885, 28,2695, # 2528
|
207 |
-
3608,3862,5301,4297,1004,1780,4632,5302, 346,1982,2222,2696,4633,3863,1742, 797, # 2544
|
208 |
-
1642,4043,1934,1072,1384,2152, 896,4044,3308,3727,3228,2885,3609,5303,2569,1959, # 2560
|
209 |
-
4634,2455,1786,5304,5305,5306,4045,4298,1005,1308,3728,4299,2729,4635,4636,1528, # 2576
|
210 |
-
2610, 161,1178,4300,1983, 987,4637,1101,4301, 631,4046,1157,3229,2425,1343,1241, # 2592
|
211 |
-
1016,2243,2570, 372, 877,2344,2508,1160, 555,1935, 911,4047,5307, 466,1170, 169, # 2608
|
212 |
-
1051,2921,2697,3729,2481,3012,1182,2012,2571,1251,2636,5308, 992,2345,3491,1540, # 2624
|
213 |
-
2730,1201,2071,2406,1997,2482,5309,4638, 528,1923,2191,1503,1874,1570,2369,3379, # 2640
|
214 |
-
3309,5310, 557,1073,5311,1828,3492,2088,2271,3165,3059,3107, 767,3108,2799,4639, # 2656
|
215 |
-
1006,4302,4640,2346,1267,2179,3730,3230, 778,4048,3231,2731,1597,2667,5312,4641, # 2672
|
216 |
-
5313,3493,5314,5315,5316,3310,2698,1433,3311, 131, 95,1504,4049, 723,4303,3166, # 2688
|
217 |
-
1842,3610,2768,2192,4050,2028,2105,3731,5317,3013,4051,1218,5318,3380,3232,4052, # 2704
|
218 |
-
4304,2584, 248,1634,3864, 912,5319,2845,3732,3060,3865, 654, 53,5320,3014,5321, # 2720
|
219 |
-
1688,4642, 777,3494,1032,4053,1425,5322, 191, 820,2121,2846, 971,4643, 931,3233, # 2736
|
220 |
-
135, 664, 783,3866,1998, 772,2922,1936,4054,3867,4644,2923,3234, 282,2732, 640, # 2752
|
221 |
-
1372,3495,1127, 922, 325,3381,5323,5324, 711,2045,5325,5326,4055,2223,2800,1937, # 2768
|
222 |
-
4056,3382,2224,2255,3868,2305,5327,4645,3869,1258,3312,4057,3235,2139,2965,4058, # 2784
|
223 |
-
4059,5328,2225, 258,3236,4646, 101,1227,5329,3313,1755,5330,1391,3314,5331,2924, # 2800
|
224 |
-
2057, 893,5332,5333,5334,1402,4305,2347,5335,5336,3237,3611,5337,5338, 878,1325, # 2816
|
225 |
-
1781,2801,4647, 259,1385,2585, 744,1183,2272,4648,5339,4060,2509,5340, 684,1024, # 2832
|
226 |
-
4306,5341, 472,3612,3496,1165,3315,4061,4062, 322,2153, 881, 455,1695,1152,1340, # 2848
|
227 |
-
660, 554,2154,4649,1058,4650,4307, 830,1065,3383,4063,4651,1924,5342,1703,1919, # 2864
|
228 |
-
5343, 932,2273, 122,5344,4652, 947, 677,5345,3870,2637, 297,1906,1925,2274,4653, # 2880
|
229 |
-
2322,3316,5346,5347,4308,5348,4309, 84,4310, 112, 989,5349, 547,1059,4064, 701, # 2896
|
230 |
-
3613,1019,5350,4311,5351,3497, 942, 639, 457,2306,2456, 993,2966, 407, 851, 494, # 2912
|
231 |
-
4654,3384, 927,5352,1237,5353,2426,3385, 573,4312, 680, 921,2925,1279,1875, 285, # 2928
|
232 |
-
790,1448,1984, 719,2168,5354,5355,4655,4065,4066,1649,5356,1541, 563,5357,1077, # 2944
|
233 |
-
5358,3386,3061,3498, 511,3015,4067,4068,3733,4069,1268,2572,3387,3238,4656,4657, # 2960
|
234 |
-
5359, 535,1048,1276,1189,2926,2029,3167,1438,1373,2847,2967,1134,2013,5360,4313, # 2976
|
235 |
-
1238,2586,3109,1259,5361, 700,5362,2968,3168,3734,4314,5363,4315,1146,1876,1907, # 2992
|
236 |
-
4658,2611,4070, 781,2427, 132,1589, 203, 147, 273,2802,2407, 898,1787,2155,4071, # 3008
|
237 |
-
4072,5364,3871,2803,5365,5366,4659,4660,5367,3239,5368,1635,3872, 965,5369,1805, # 3024
|
238 |
-
2699,1516,3614,1121,1082,1329,3317,4073,1449,3873, 65,1128,2848,2927,2769,1590, # 3040
|
239 |
-
3874,5370,5371, 12,2668, 45, 976,2587,3169,4661, 517,2535,1013,1037,3240,5372, # 3056
|
240 |
-
3875,2849,5373,3876,5374,3499,5375,2612, 614,1999,2323,3877,3110,2733,2638,5376, # 3072
|
241 |
-
2588,4316, 599,1269,5377,1811,3735,5378,2700,3111, 759,1060, 489,1806,3388,3318, # 3088
|
242 |
-
1358,5379,5380,2391,1387,1215,2639,2256, 490,5381,5382,4317,1759,2392,2348,5383, # 3104
|
243 |
-
4662,3878,1908,4074,2640,1807,3241,4663,3500,3319,2770,2349, 874,5384,5385,3501, # 3120
|
244 |
-
3736,1859, 91,2928,3737,3062,3879,4664,5386,3170,4075,2669,5387,3502,1202,1403, # 3136
|
245 |
-
3880,2969,2536,1517,2510,4665,3503,2511,5388,4666,5389,2701,1886,1495,1731,4076, # 3152
|
246 |
-
2370,4667,5390,2030,5391,5392,4077,2702,1216, 237,2589,4318,2324,4078,3881,4668, # 3168
|
247 |
-
4669,2703,3615,3504, 445,4670,5393,5394,5395,5396,2771, 61,4079,3738,1823,4080, # 3184
|
248 |
-
5397, 687,2046, 935, 925, 405,2670, 703,1096,1860,2734,4671,4081,1877,1367,2704, # 3200
|
249 |
-
3389, 918,2106,1782,2483, 334,3320,1611,1093,4672, 564,3171,3505,3739,3390, 945, # 3216
|
250 |
-
2641,2058,4673,5398,1926, 872,4319,5399,3506,2705,3112, 349,4320,3740,4082,4674, # 3232
|
251 |
-
3882,4321,3741,2156,4083,4675,4676,4322,4677,2408,2047, 782,4084, 400, 251,4323, # 3248
|
252 |
-
1624,5400,5401, 277,3742, 299,1265, 476,1191,3883,2122,4324,4325,1109, 205,5402, # 3264
|
253 |
-
2590,1000,2157,3616,1861,5403,5404,5405,4678,5406,4679,2573, 107,2484,2158,4085, # 3280
|
254 |
-
3507,3172,5407,1533, 541,1301, 158, 753,4326,2886,3617,5408,1696, 370,1088,4327, # 3296
|
255 |
-
4680,3618, 579, 327, 440, 162,2244, 269,1938,1374,3508, 968,3063, 56,1396,3113, # 3312
|
256 |
-
2107,3321,3391,5409,1927,2159,4681,3016,5410,3619,5411,5412,3743,4682,2485,5413, # 3328
|
257 |
-
2804,5414,1650,4683,5415,2613,5416,5417,4086,2671,3392,1149,3393,4087,3884,4088, # 3344
|
258 |
-
5418,1076, 49,5419, 951,3242,3322,3323, 450,2850, 920,5420,1812,2805,2371,4328, # 3360
|
259 |
-
1909,1138,2372,3885,3509,5421,3243,4684,1910,1147,1518,2428,4685,3886,5422,4686, # 3376
|
260 |
-
2393,2614, 260,1796,3244,5423,5424,3887,3324, 708,5425,3620,1704,5426,3621,1351, # 3392
|
261 |
-
1618,3394,3017,1887, 944,4329,3395,4330,3064,3396,4331,5427,3744, 422, 413,1714, # 3408
|
262 |
-
3325, 500,2059,2350,4332,2486,5428,1344,1911, 954,5429,1668,5430,5431,4089,2409, # 3424
|
263 |
-
4333,3622,3888,4334,5432,2307,1318,2512,3114, 133,3115,2887,4687, 629, 31,2851, # 3440
|
264 |
-
2706,3889,4688, 850, 949,4689,4090,2970,1732,2089,4335,1496,1853,5433,4091, 620, # 3456
|
265 |
-
3245, 981,1242,3745,3397,1619,3746,1643,3326,2140,2457,1971,1719,3510,2169,5434, # 3472
|
266 |
-
3246,5435,5436,3398,1829,5437,1277,4690,1565,2048,5438,1636,3623,3116,5439, 869, # 3488
|
267 |
-
2852, 655,3890,3891,3117,4092,3018,3892,1310,3624,4691,5440,5441,5442,1733, 558, # 3504
|
268 |
-
4692,3747, 335,1549,3065,1756,4336,3748,1946,3511,1830,1291,1192, 470,2735,2108, # 3520
|
269 |
-
2806, 913,1054,4093,5443,1027,5444,3066,4094,4693, 982,2672,3399,3173,3512,3247, # 3536
|
270 |
-
3248,1947,2807,5445, 571,4694,5446,1831,5447,3625,2591,1523,2429,5448,2090, 984, # 3552
|
271 |
-
4695,3749,1960,5449,3750, 852, 923,2808,3513,3751, 969,1519, 999,2049,2325,1705, # 3568
|
272 |
-
5450,3118, 615,1662, 151, 597,4095,2410,2326,1049, 275,4696,3752,4337, 568,3753, # 3584
|
273 |
-
3626,2487,4338,3754,5451,2430,2275, 409,3249,5452,1566,2888,3514,1002, 769,2853, # 3600
|
274 |
-
194,2091,3174,3755,2226,3327,4339, 628,1505,5453,5454,1763,2180,3019,4096, 521, # 3616
|
275 |
-
1161,2592,1788,2206,2411,4697,4097,1625,4340,4341, 412, 42,3119, 464,5455,2642, # 3632
|
276 |
-
4698,3400,1760,1571,2889,3515,2537,1219,2207,3893,2643,2141,2373,4699,4700,3328, # 3648
|
277 |
-
1651,3401,3627,5456,5457,3628,2488,3516,5458,3756,5459,5460,2276,2092, 460,5461, # 3664
|
278 |
-
4701,5462,3020, 962, 588,3629, 289,3250,2644,1116, 52,5463,3067,1797,5464,5465, # 3680
|
279 |
-
5466,1467,5467,1598,1143,3757,4342,1985,1734,1067,4702,1280,3402, 465,4703,1572, # 3696
|
280 |
-
510,5468,1928,2245,1813,1644,3630,5469,4704,3758,5470,5471,2673,1573,1534,5472, # 3712
|
281 |
-
5473, 536,1808,1761,3517,3894,3175,2645,5474,5475,5476,4705,3518,2929,1912,2809, # 3728
|
282 |
-
5477,3329,1122, 377,3251,5478, 360,5479,5480,4343,1529, 551,5481,2060,3759,1769, # 3744
|
283 |
-
2431,5482,2930,4344,3330,3120,2327,2109,2031,4706,1404, 136,1468,1479, 672,1171, # 3760
|
284 |
-
3252,2308, 271,3176,5483,2772,5484,2050, 678,2736, 865,1948,4707,5485,2014,4098, # 3776
|
285 |
-
2971,5486,2737,2227,1397,3068,3760,4708,4709,1735,2931,3403,3631,5487,3895, 509, # 3792
|
286 |
-
2854,2458,2890,3896,5488,5489,3177,3178,4710,4345,2538,4711,2309,1166,1010, 552, # 3808
|
287 |
-
681,1888,5490,5491,2972,2973,4099,1287,1596,1862,3179, 358, 453, 736, 175, 478, # 3824
|
288 |
-
1117, 905,1167,1097,5492,1854,1530,5493,1706,5494,2181,3519,2292,3761,3520,3632, # 3840
|
289 |
-
4346,2093,4347,5495,3404,1193,2489,4348,1458,2193,2208,1863,1889,1421,3331,2932, # 3856
|
290 |
-
3069,2182,3521, 595,2123,5496,4100,5497,5498,4349,1707,2646, 223,3762,1359, 751, # 3872
|
291 |
-
3121, 183,3522,5499,2810,3021, 419,2374, 633, 704,3897,2394, 241,5500,5501,5502, # 3888
|
292 |
-
838,3022,3763,2277,2773,2459,3898,1939,2051,4101,1309,3122,2246,1181,5503,1136, # 3904
|
293 |
-
2209,3899,2375,1446,4350,2310,4712,5504,5505,4351,1055,2615, 484,3764,5506,4102, # 3920
|
294 |
-
625,4352,2278,3405,1499,4353,4103,5507,4104,4354,3253,2279,2280,3523,5508,5509, # 3936
|
295 |
-
2774, 808,2616,3765,3406,4105,4355,3123,2539, 526,3407,3900,4356, 955,5510,1620, # 3952
|
296 |
-
4357,2647,2432,5511,1429,3766,1669,1832, 994, 928,5512,3633,1260,5513,5514,5515, # 3968
|
297 |
-
1949,2293, 741,2933,1626,4358,2738,2460, 867,1184, 362,3408,1392,5516,5517,4106, # 3984
|
298 |
-
4359,1770,1736,3254,2934,4713,4714,1929,2707,1459,1158,5518,3070,3409,2891,1292, # 4000
|
299 |
-
1930,2513,2855,3767,1986,1187,2072,2015,2617,4360,5519,2574,2514,2170,3768,2490, # 4016
|
300 |
-
3332,5520,3769,4715,5521,5522, 666,1003,3023,1022,3634,4361,5523,4716,1814,2257, # 4032
|
301 |
-
574,3901,1603, 295,1535, 705,3902,4362, 283, 858, 417,5524,5525,3255,4717,4718, # 4048
|
302 |
-
3071,1220,1890,1046,2281,2461,4107,1393,1599, 689,2575, 388,4363,5526,2491, 802, # 4064
|
303 |
-
5527,2811,3903,2061,1405,2258,5528,4719,3904,2110,1052,1345,3256,1585,5529, 809, # 4080
|
304 |
-
5530,5531,5532, 575,2739,3524, 956,1552,1469,1144,2328,5533,2329,1560,2462,3635, # 4096
|
305 |
-
3257,4108, 616,2210,4364,3180,2183,2294,5534,1833,5535,3525,4720,5536,1319,3770, # 4112
|
306 |
-
3771,1211,3636,1023,3258,1293,2812,5537,5538,5539,3905, 607,2311,3906, 762,2892, # 4128
|
307 |
-
1439,4365,1360,4721,1485,3072,5540,4722,1038,4366,1450,2062,2648,4367,1379,4723, # 4144
|
308 |
-
2593,5541,5542,4368,1352,1414,2330,2935,1172,5543,5544,3907,3908,4724,1798,1451, # 4160
|
309 |
-
5545,5546,5547,5548,2936,4109,4110,2492,2351, 411,4111,4112,3637,3333,3124,4725, # 4176
|
310 |
-
1561,2674,1452,4113,1375,5549,5550, 47,2974, 316,5551,1406,1591,2937,3181,5552, # 4192
|
311 |
-
1025,2142,3125,3182, 354,2740, 884,2228,4369,2412, 508,3772, 726,3638, 996,2433, # 4208
|
312 |
-
3639, 729,5553, 392,2194,1453,4114,4726,3773,5554,5555,2463,3640,2618,1675,2813, # 4224
|
313 |
-
919,2352,2975,2353,1270,4727,4115, 73,5556,5557, 647,5558,3259,2856,2259,1550, # 4240
|
314 |
-
1346,3024,5559,1332, 883,3526,5560,5561,5562,5563,3334,2775,5564,1212, 831,1347, # 4256
|
315 |
-
4370,4728,2331,3909,1864,3073, 720,3910,4729,4730,3911,5565,4371,5566,5567,4731, # 4272
|
316 |
-
5568,5569,1799,4732,3774,2619,4733,3641,1645,2376,4734,5570,2938, 669,2211,2675, # 4288
|
317 |
-
2434,5571,2893,5572,5573,1028,3260,5574,4372,2413,5575,2260,1353,5576,5577,4735, # 4304
|
318 |
-
3183, 518,5578,4116,5579,4373,1961,5580,2143,4374,5581,5582,3025,2354,2355,3912, # 4320
|
319 |
-
516,1834,1454,4117,2708,4375,4736,2229,2620,1972,1129,3642,5583,2776,5584,2976, # 4336
|
320 |
-
1422, 577,1470,3026,1524,3410,5585,5586, 432,4376,3074,3527,5587,2594,1455,2515, # 4352
|
321 |
-
2230,1973,1175,5588,1020,2741,4118,3528,4737,5589,2742,5590,1743,1361,3075,3529, # 4368
|
322 |
-
2649,4119,4377,4738,2295, 895, 924,4378,2171, 331,2247,3076, 166,1627,3077,1098, # 4384
|
323 |
-
5591,1232,2894,2231,3411,4739, 657, 403,1196,2377, 542,3775,3412,1600,4379,3530, # 4400
|
324 |
-
5592,4740,2777,3261, 576, 530,1362,4741,4742,2540,2676,3776,4120,5593, 842,3913, # 4416
|
325 |
-
5594,2814,2032,1014,4121, 213,2709,3413, 665, 621,4380,5595,3777,2939,2435,5596, # 4432
|
326 |
-
2436,3335,3643,3414,4743,4381,2541,4382,4744,3644,1682,4383,3531,1380,5597, 724, # 4448
|
327 |
-
2282, 600,1670,5598,1337,1233,4745,3126,2248,5599,1621,4746,5600, 651,4384,5601, # 4464
|
328 |
-
1612,4385,2621,5602,2857,5603,2743,2312,3078,5604, 716,2464,3079, 174,1255,2710, # 4480
|
329 |
-
4122,3645, 548,1320,1398, 728,4123,1574,5605,1891,1197,3080,4124,5606,3081,3082, # 4496
|
330 |
-
3778,3646,3779, 747,5607, 635,4386,4747,5608,5609,5610,4387,5611,5612,4748,5613, # 4512
|
331 |
-
3415,4749,2437, 451,5614,3780,2542,2073,4388,2744,4389,4125,5615,1764,4750,5616, # 4528
|
332 |
-
4390, 350,4751,2283,2395,2493,5617,4391,4126,2249,1434,4127, 488,4752, 458,4392, # 4544
|
333 |
-
4128,3781, 771,1330,2396,3914,2576,3184,2160,2414,1553,2677,3185,4393,5618,2494, # 4560
|
334 |
-
2895,2622,1720,2711,4394,3416,4753,5619,2543,4395,5620,3262,4396,2778,5621,2016, # 4576
|
335 |
-
2745,5622,1155,1017,3782,3915,5623,3336,2313, 201,1865,4397,1430,5624,4129,5625, # 4592
|
336 |
-
5626,5627,5628,5629,4398,1604,5630, 414,1866, 371,2595,4754,4755,3532,2017,3127, # 4608
|
337 |
-
4756,1708, 960,4399, 887, 389,2172,1536,1663,1721,5631,2232,4130,2356,2940,1580, # 4624
|
338 |
-
5632,5633,1744,4757,2544,4758,4759,5634,4760,5635,2074,5636,4761,3647,3417,2896, # 4640
|
339 |
-
4400,5637,4401,2650,3418,2815, 673,2712,2465, 709,3533,4131,3648,4402,5638,1148, # 4656
|
340 |
-
502, 634,5639,5640,1204,4762,3649,1575,4763,2623,3783,5641,3784,3128, 948,3263, # 4672
|
341 |
-
121,1745,3916,1110,5642,4403,3083,2516,3027,4132,3785,1151,1771,3917,1488,4133, # 4688
|
342 |
-
1987,5643,2438,3534,5644,5645,2094,5646,4404,3918,1213,1407,2816, 531,2746,2545, # 4704
|
343 |
-
3264,1011,1537,4764,2779,4405,3129,1061,5647,3786,3787,1867,2897,5648,2018, 120, # 4720
|
344 |
-
4406,4407,2063,3650,3265,2314,3919,2678,3419,1955,4765,4134,5649,3535,1047,2713, # 4736
|
345 |
-
1266,5650,1368,4766,2858, 649,3420,3920,2546,2747,1102,2859,2679,5651,5652,2000, # 4752
|
346 |
-
5653,1111,3651,2977,5654,2495,3921,3652,2817,1855,3421,3788,5655,5656,3422,2415, # 4768
|
347 |
-
2898,3337,3266,3653,5657,2577,5658,3654,2818,4135,1460, 856,5659,3655,5660,2899, # 4784
|
348 |
-
2978,5661,2900,3922,5662,4408, 632,2517, 875,3923,1697,3924,2296,5663,5664,4767, # 4800
|
349 |
-
3028,1239, 580,4768,4409,5665, 914, 936,2075,1190,4136,1039,2124,5666,5667,5668, # 4816
|
350 |
-
5669,3423,1473,5670,1354,4410,3925,4769,2173,3084,4137, 915,3338,4411,4412,3339, # 4832
|
351 |
-
1605,1835,5671,2748, 398,3656,4413,3926,4138, 328,1913,2860,4139,3927,1331,4414, # 4848
|
352 |
-
3029, 937,4415,5672,3657,4140,4141,3424,2161,4770,3425, 524, 742, 538,3085,1012, # 4864
|
353 |
-
5673,5674,3928,2466,5675, 658,1103, 225,3929,5676,5677,4771,5678,4772,5679,3267, # 4880
|
354 |
-
1243,5680,4142, 963,2250,4773,5681,2714,3658,3186,5682,5683,2596,2332,5684,4774, # 4896
|
355 |
-
5685,5686,5687,3536, 957,3426,2547,2033,1931,2941,2467, 870,2019,3659,1746,2780, # 4912
|
356 |
-
2781,2439,2468,5688,3930,5689,3789,3130,3790,3537,3427,3791,5690,1179,3086,5691, # 4928
|
357 |
-
3187,2378,4416,3792,2548,3188,3131,2749,4143,5692,3428,1556,2549,2297, 977,2901, # 4944
|
358 |
-
2034,4144,1205,3429,5693,1765,3430,3189,2125,1271, 714,1689,4775,3538,5694,2333, # 4960
|
359 |
-
3931, 533,4417,3660,2184, 617,5695,2469,3340,3539,2315,5696,5697,3190,5698,5699, # 4976
|
360 |
-
3932,1988, 618, 427,2651,3540,3431,5700,5701,1244,1690,5702,2819,4418,4776,5703, # 4992
|
361 |
-
3541,4777,5704,2284,1576, 473,3661,4419,3432, 972,5705,3662,5706,3087,5707,5708, # 5008
|
362 |
-
4778,4779,5709,3793,4145,4146,5710, 153,4780, 356,5711,1892,2902,4420,2144, 408, # 5024
|
363 |
-
803,2357,5712,3933,5713,4421,1646,2578,2518,4781,4782,3934,5714,3935,4422,5715, # 5040
|
364 |
-
2416,3433, 752,5716,5717,1962,3341,2979,5718, 746,3030,2470,4783,4423,3794, 698, # 5056
|
365 |
-
4784,1893,4424,3663,2550,4785,3664,3936,5719,3191,3434,5720,1824,1302,4147,2715, # 5072
|
366 |
-
3937,1974,4425,5721,4426,3192, 823,1303,1288,1236,2861,3542,4148,3435, 774,3938, # 5088
|
367 |
-
5722,1581,4786,1304,2862,3939,4787,5723,2440,2162,1083,3268,4427,4149,4428, 344, # 5104
|
368 |
-
1173, 288,2316, 454,1683,5724,5725,1461,4788,4150,2597,5726,5727,4789, 985, 894, # 5120
|
369 |
-
5728,3436,3193,5729,1914,2942,3795,1989,5730,2111,1975,5731,4151,5732,2579,1194, # 5136
|
370 |
-
425,5733,4790,3194,1245,3796,4429,5734,5735,2863,5736, 636,4791,1856,3940, 760, # 5152
|
371 |
-
1800,5737,4430,2212,1508,4792,4152,1894,1684,2298,5738,5739,4793,4431,4432,2213, # 5168
|
372 |
-
479,5740,5741, 832,5742,4153,2496,5743,2980,2497,3797, 990,3132, 627,1815,2652, # 5184
|
373 |
-
4433,1582,4434,2126,2112,3543,4794,5744, 799,4435,3195,5745,4795,2113,1737,3031, # 5200
|
374 |
-
1018, 543, 754,4436,3342,1676,4796,4797,4154,4798,1489,5746,3544,5747,2624,2903, # 5216
|
375 |
-
4155,5748,5749,2981,5750,5751,5752,5753,3196,4799,4800,2185,1722,5754,3269,3270, # 5232
|
376 |
-
1843,3665,1715, 481, 365,1976,1857,5755,5756,1963,2498,4801,5757,2127,3666,3271, # 5248
|
377 |
-
433,1895,2064,2076,5758, 602,2750,5759,5760,5761,5762,5763,3032,1628,3437,5764, # 5264
|
378 |
-
3197,4802,4156,2904,4803,2519,5765,2551,2782,5766,5767,5768,3343,4804,2905,5769, # 5280
|
379 |
-
4805,5770,2864,4806,4807,1221,2982,4157,2520,5771,5772,5773,1868,1990,5774,5775, # 5296
|
380 |
-
5776,1896,5777,5778,4808,1897,4158, 318,5779,2095,4159,4437,5780,5781, 485,5782, # 5312
|
381 |
-
938,3941, 553,2680, 116,5783,3942,3667,5784,3545,2681,2783,3438,3344,2820,5785, # 5328
|
382 |
-
3668,2943,4160,1747,2944,2983,5786,5787, 207,5788,4809,5789,4810,2521,5790,3033, # 5344
|
383 |
-
890,3669,3943,5791,1878,3798,3439,5792,2186,2358,3440,1652,5793,5794,5795, 941, # 5360
|
384 |
-
2299, 208,3546,4161,2020, 330,4438,3944,2906,2499,3799,4439,4811,5796,5797,5798, # 5376
|
385 |
-
)
|
386 |
-
# fmt: on
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/Big-Web/MMSD/env/Lib/site-packages/pip/_vendor/platformdirs/version.py
DELETED
@@ -1,4 +0,0 @@
|
|
1 |
-
# file generated by setuptools_scm
|
2 |
-
# don't change, don't track in version control
|
3 |
-
__version__ = version = '3.2.0'
|
4 |
-
__version_tuple__ = version_tuple = (3, 2, 0)
|
|
|
|
|
|
|
|
|
|
spaces/Boadiwaa/Recipes/openai/openai_object.py
DELETED
@@ -1,294 +0,0 @@
|
|
1 |
-
import json
|
2 |
-
from copy import deepcopy
|
3 |
-
from typing import Optional
|
4 |
-
|
5 |
-
import openai
|
6 |
-
from openai import api_requestor, util
|
7 |
-
from openai.openai_response import OpenAIResponse
|
8 |
-
from openai.util import ApiType
|
9 |
-
|
10 |
-
|
11 |
-
class OpenAIObject(dict):
|
12 |
-
api_base_override = None
|
13 |
-
|
14 |
-
def __init__(
|
15 |
-
self,
|
16 |
-
id=None,
|
17 |
-
api_key=None,
|
18 |
-
api_version=None,
|
19 |
-
api_type=None,
|
20 |
-
organization=None,
|
21 |
-
response_ms: Optional[int] = None,
|
22 |
-
api_base=None,
|
23 |
-
engine=None,
|
24 |
-
**params,
|
25 |
-
):
|
26 |
-
super(OpenAIObject, self).__init__()
|
27 |
-
|
28 |
-
if response_ms is not None and not isinstance(response_ms, int):
|
29 |
-
raise TypeError(f"response_ms is a {type(response_ms).__name__}.")
|
30 |
-
self._response_ms = response_ms
|
31 |
-
|
32 |
-
self._retrieve_params = params
|
33 |
-
|
34 |
-
object.__setattr__(self, "api_key", api_key)
|
35 |
-
object.__setattr__(self, "api_version", api_version)
|
36 |
-
object.__setattr__(self, "api_type", api_type)
|
37 |
-
object.__setattr__(self, "organization", organization)
|
38 |
-
object.__setattr__(self, "api_base_override", api_base)
|
39 |
-
object.__setattr__(self, "engine", engine)
|
40 |
-
|
41 |
-
if id:
|
42 |
-
self["id"] = id
|
43 |
-
|
44 |
-
@property
|
45 |
-
def response_ms(self) -> Optional[int]:
|
46 |
-
return self._response_ms
|
47 |
-
|
48 |
-
def __setattr__(self, k, v):
|
49 |
-
if k[0] == "_" or k in self.__dict__:
|
50 |
-
return super(OpenAIObject, self).__setattr__(k, v)
|
51 |
-
|
52 |
-
self[k] = v
|
53 |
-
return None
|
54 |
-
|
55 |
-
def __getattr__(self, k):
|
56 |
-
if k[0] == "_":
|
57 |
-
raise AttributeError(k)
|
58 |
-
try:
|
59 |
-
return self[k]
|
60 |
-
except KeyError as err:
|
61 |
-
raise AttributeError(*err.args)
|
62 |
-
|
63 |
-
def __delattr__(self, k):
|
64 |
-
if k[0] == "_" or k in self.__dict__:
|
65 |
-
return super(OpenAIObject, self).__delattr__(k)
|
66 |
-
else:
|
67 |
-
del self[k]
|
68 |
-
|
69 |
-
def __setitem__(self, k, v):
|
70 |
-
if v == "":
|
71 |
-
raise ValueError(
|
72 |
-
"You cannot set %s to an empty string. "
|
73 |
-
"We interpret empty strings as None in requests."
|
74 |
-
"You may set %s.%s = None to delete the property" % (k, str(self), k)
|
75 |
-
)
|
76 |
-
super(OpenAIObject, self).__setitem__(k, v)
|
77 |
-
|
78 |
-
def __delitem__(self, k):
|
79 |
-
raise NotImplementedError("del is not supported")
|
80 |
-
|
81 |
-
# Custom unpickling method that uses `update` to update the dictionary
|
82 |
-
# without calling __setitem__, which would fail if any value is an empty
|
83 |
-
# string
|
84 |
-
def __setstate__(self, state):
|
85 |
-
self.update(state)
|
86 |
-
|
87 |
-
# Custom pickling method to ensure the instance is pickled as a custom
|
88 |
-
# class and not as a dict, otherwise __setstate__ would not be called when
|
89 |
-
# unpickling.
|
90 |
-
def __reduce__(self):
|
91 |
-
reduce_value = (
|
92 |
-
type(self), # callable
|
93 |
-
( # args
|
94 |
-
self.get("id", None),
|
95 |
-
self.api_key,
|
96 |
-
self.api_version,
|
97 |
-
self.api_type,
|
98 |
-
self.organization,
|
99 |
-
),
|
100 |
-
dict(self), # state
|
101 |
-
)
|
102 |
-
return reduce_value
|
103 |
-
|
104 |
-
@classmethod
|
105 |
-
def construct_from(
|
106 |
-
cls,
|
107 |
-
values,
|
108 |
-
api_key: Optional[str] = None,
|
109 |
-
api_version=None,
|
110 |
-
organization=None,
|
111 |
-
engine=None,
|
112 |
-
response_ms: Optional[int] = None,
|
113 |
-
):
|
114 |
-
instance = cls(
|
115 |
-
values.get("id"),
|
116 |
-
api_key=api_key,
|
117 |
-
api_version=api_version,
|
118 |
-
organization=organization,
|
119 |
-
engine=engine,
|
120 |
-
response_ms=response_ms,
|
121 |
-
)
|
122 |
-
instance.refresh_from(
|
123 |
-
values,
|
124 |
-
api_key=api_key,
|
125 |
-
api_version=api_version,
|
126 |
-
organization=organization,
|
127 |
-
response_ms=response_ms,
|
128 |
-
)
|
129 |
-
return instance
|
130 |
-
|
131 |
-
def refresh_from(
|
132 |
-
self,
|
133 |
-
values,
|
134 |
-
api_key=None,
|
135 |
-
api_version=None,
|
136 |
-
api_type=None,
|
137 |
-
organization=None,
|
138 |
-
response_ms: Optional[int] = None,
|
139 |
-
):
|
140 |
-
self.api_key = api_key or getattr(values, "api_key", None)
|
141 |
-
self.api_version = api_version or getattr(values, "api_version", None)
|
142 |
-
self.api_type = api_type or getattr(values, "api_type", None)
|
143 |
-
self.organization = organization or getattr(values, "organization", None)
|
144 |
-
self._response_ms = response_ms or getattr(values, "_response_ms", None)
|
145 |
-
|
146 |
-
# Wipe old state before setting new.
|
147 |
-
self.clear()
|
148 |
-
for k, v in values.items():
|
149 |
-
super(OpenAIObject, self).__setitem__(
|
150 |
-
k, util.convert_to_openai_object(v, api_key, api_version, organization)
|
151 |
-
)
|
152 |
-
|
153 |
-
self._previous = values
|
154 |
-
|
155 |
-
@classmethod
|
156 |
-
def api_base(cls):
|
157 |
-
return None
|
158 |
-
|
159 |
-
def request(
|
160 |
-
self,
|
161 |
-
method,
|
162 |
-
url,
|
163 |
-
params=None,
|
164 |
-
headers=None,
|
165 |
-
stream=False,
|
166 |
-
plain_old_data=False,
|
167 |
-
request_id: Optional[str] = None,
|
168 |
-
):
|
169 |
-
if params is None:
|
170 |
-
params = self._retrieve_params
|
171 |
-
requestor = api_requestor.APIRequestor(
|
172 |
-
key=self.api_key,
|
173 |
-
api_base=self.api_base_override or self.api_base(),
|
174 |
-
api_type=self.api_type,
|
175 |
-
api_version=self.api_version,
|
176 |
-
organization=self.organization,
|
177 |
-
)
|
178 |
-
response, stream, api_key = requestor.request(
|
179 |
-
method,
|
180 |
-
url,
|
181 |
-
params=params,
|
182 |
-
stream=stream,
|
183 |
-
headers=headers,
|
184 |
-
request_id=request_id,
|
185 |
-
)
|
186 |
-
|
187 |
-
if stream:
|
188 |
-
assert not isinstance(response, OpenAIResponse) # must be an iterator
|
189 |
-
return (
|
190 |
-
util.convert_to_openai_object(
|
191 |
-
line,
|
192 |
-
api_key,
|
193 |
-
self.api_version,
|
194 |
-
self.organization,
|
195 |
-
plain_old_data=plain_old_data,
|
196 |
-
)
|
197 |
-
for line in response
|
198 |
-
)
|
199 |
-
else:
|
200 |
-
return util.convert_to_openai_object(
|
201 |
-
response,
|
202 |
-
api_key,
|
203 |
-
self.api_version,
|
204 |
-
self.organization,
|
205 |
-
plain_old_data=plain_old_data,
|
206 |
-
)
|
207 |
-
|
208 |
-
def __repr__(self):
|
209 |
-
ident_parts = [type(self).__name__]
|
210 |
-
|
211 |
-
obj = self.get("object")
|
212 |
-
if isinstance(obj, str):
|
213 |
-
ident_parts.append(obj)
|
214 |
-
|
215 |
-
if isinstance(self.get("id"), str):
|
216 |
-
ident_parts.append("id=%s" % (self.get("id"),))
|
217 |
-
|
218 |
-
unicode_repr = "<%s at %s> JSON: %s" % (
|
219 |
-
" ".join(ident_parts),
|
220 |
-
hex(id(self)),
|
221 |
-
str(self),
|
222 |
-
)
|
223 |
-
|
224 |
-
return unicode_repr
|
225 |
-
|
226 |
-
def __str__(self):
|
227 |
-
obj = self.to_dict_recursive()
|
228 |
-
return json.dumps(obj, sort_keys=True, indent=2)
|
229 |
-
|
230 |
-
def to_dict(self):
|
231 |
-
return dict(self)
|
232 |
-
|
233 |
-
def to_dict_recursive(self):
|
234 |
-
d = dict(self)
|
235 |
-
for k, v in d.items():
|
236 |
-
if isinstance(v, OpenAIObject):
|
237 |
-
d[k] = v.to_dict_recursive()
|
238 |
-
elif isinstance(v, list):
|
239 |
-
d[k] = [
|
240 |
-
e.to_dict_recursive() if isinstance(e, OpenAIObject) else e
|
241 |
-
for e in v
|
242 |
-
]
|
243 |
-
return d
|
244 |
-
|
245 |
-
@property
|
246 |
-
def openai_id(self):
|
247 |
-
return self.id
|
248 |
-
|
249 |
-
@property
|
250 |
-
def typed_api_type(self):
|
251 |
-
return (
|
252 |
-
ApiType.from_str(self.api_type)
|
253 |
-
if self.api_type
|
254 |
-
else ApiType.from_str(openai.api_type)
|
255 |
-
)
|
256 |
-
|
257 |
-
# This class overrides __setitem__ to throw exceptions on inputs that it
|
258 |
-
# doesn't like. This can cause problems when we try to copy an object
|
259 |
-
# wholesale because some data that's returned from the API may not be valid
|
260 |
-
# if it was set to be set manually. Here we override the class' copy
|
261 |
-
# arguments so that we can bypass these possible exceptions on __setitem__.
|
262 |
-
def __copy__(self):
|
263 |
-
copied = OpenAIObject(
|
264 |
-
self.get("id"),
|
265 |
-
self.api_key,
|
266 |
-
api_version=self.api_version,
|
267 |
-
api_type=self.api_type,
|
268 |
-
organization=self.organization,
|
269 |
-
)
|
270 |
-
|
271 |
-
copied._retrieve_params = self._retrieve_params
|
272 |
-
|
273 |
-
for k, v in self.items():
|
274 |
-
# Call parent's __setitem__ to avoid checks that we've added in the
|
275 |
-
# overridden version that can throw exceptions.
|
276 |
-
super(OpenAIObject, copied).__setitem__(k, v)
|
277 |
-
|
278 |
-
return copied
|
279 |
-
|
280 |
-
# This class overrides __setitem__ to throw exceptions on inputs that it
|
281 |
-
# doesn't like. This can cause problems when we try to copy an object
|
282 |
-
# wholesale because some data that's returned from the API may not be valid
|
283 |
-
# if it was set to be set manually. Here we override the class' copy
|
284 |
-
# arguments so that we can bypass these possible exceptions on __setitem__.
|
285 |
-
def __deepcopy__(self, memo):
|
286 |
-
copied = self.__copy__()
|
287 |
-
memo[id(self)] = copied
|
288 |
-
|
289 |
-
for k, v in self.items():
|
290 |
-
# Call parent's __setitem__ to avoid checks that we've added in the
|
291 |
-
# overridden version that can throw exceptions.
|
292 |
-
super(OpenAIObject, copied).__setitem__(k, deepcopy(v, memo))
|
293 |
-
|
294 |
-
return copied
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/Bradjan310/ehartford-Wizard-Vicuna-30B-Uncensored/README.md
DELETED
@@ -1,12 +0,0 @@
|
|
1 |
-
---
|
2 |
-
title: Ehartford Wizard Vicuna 30B Uncensored
|
3 |
-
emoji: 🏃
|
4 |
-
colorFrom: blue
|
5 |
-
colorTo: blue
|
6 |
-
sdk: gradio
|
7 |
-
sdk_version: 3.44.4
|
8 |
-
app_file: app.py
|
9 |
-
pinned: false
|
10 |
-
---
|
11 |
-
|
12 |
-
Check out the configuration reference at https://huggingface.co/docs/hub/spaces-config-reference
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/CVPR/Dual-Key_Backdoor_Attacks/bottom-up-attention-vqa/base_model.py
DELETED
@@ -1,60 +0,0 @@
|
|
1 |
-
import torch
|
2 |
-
import torch.nn as nn
|
3 |
-
from attention import Attention, NewAttention
|
4 |
-
from language_model import WordEmbedding, QuestionEmbedding
|
5 |
-
from classifier import SimpleClassifier
|
6 |
-
from fc import FCNet
|
7 |
-
|
8 |
-
|
9 |
-
class BaseModel(nn.Module):
|
10 |
-
def __init__(self, w_emb, q_emb, v_att, q_net, v_net, classifier):
|
11 |
-
super(BaseModel, self).__init__()
|
12 |
-
self.w_emb = w_emb
|
13 |
-
self.q_emb = q_emb
|
14 |
-
self.v_att = v_att
|
15 |
-
self.q_net = q_net
|
16 |
-
self.v_net = v_net
|
17 |
-
self.classifier = classifier
|
18 |
-
|
19 |
-
def forward(self, v, b, q, labels):
|
20 |
-
"""Forward
|
21 |
-
|
22 |
-
v: [batch, num_objs, obj_dim]
|
23 |
-
b: [batch, num_objs, b_dim]
|
24 |
-
q: [batch_size, seq_length]
|
25 |
-
|
26 |
-
return: logits, not probs
|
27 |
-
"""
|
28 |
-
w_emb = self.w_emb(q)
|
29 |
-
q_emb = self.q_emb(w_emb) # [batch, q_dim]
|
30 |
-
|
31 |
-
att = self.v_att(v, q_emb)
|
32 |
-
v_emb = (att * v).sum(1) # [batch, v_dim]
|
33 |
-
|
34 |
-
q_repr = self.q_net(q_emb)
|
35 |
-
v_repr = self.v_net(v_emb)
|
36 |
-
joint_repr = q_repr * v_repr
|
37 |
-
logits = self.classifier(joint_repr)
|
38 |
-
return logits
|
39 |
-
|
40 |
-
|
41 |
-
def build_baseline0(dataset, num_hid):
|
42 |
-
w_emb = WordEmbedding(dataset.dictionary.ntoken, 300, 0.0)
|
43 |
-
q_emb = QuestionEmbedding(300, num_hid, 1, False, 0.0)
|
44 |
-
v_att = Attention(dataset.v_dim, q_emb.num_hid, num_hid)
|
45 |
-
q_net = FCNet([num_hid, num_hid])
|
46 |
-
v_net = FCNet([dataset.v_dim, num_hid])
|
47 |
-
classifier = SimpleClassifier(
|
48 |
-
num_hid, 2 * num_hid, dataset.num_ans_candidates, 0.5)
|
49 |
-
return BaseModel(w_emb, q_emb, v_att, q_net, v_net, classifier)
|
50 |
-
|
51 |
-
|
52 |
-
def build_baseline0_newatt(dataset, num_hid):
|
53 |
-
w_emb = WordEmbedding(dataset.dictionary.ntoken, 300, 0.0)
|
54 |
-
q_emb = QuestionEmbedding(300, num_hid, 1, False, 0.0)
|
55 |
-
v_att = NewAttention(dataset.v_dim, q_emb.num_hid, num_hid)
|
56 |
-
q_net = FCNet([q_emb.num_hid, num_hid])
|
57 |
-
v_net = FCNet([dataset.v_dim, num_hid])
|
58 |
-
classifier = SimpleClassifier(
|
59 |
-
num_hid, num_hid * 2, dataset.num_ans_candidates, 0.5)
|
60 |
-
return BaseModel(w_emb, q_emb, v_att, q_net, v_net, classifier)
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/CVPR/lama-example/models/ade20k/segm_lib/utils/data/distributed.py
DELETED
@@ -1,58 +0,0 @@
|
|
1 |
-
import math
|
2 |
-
import torch
|
3 |
-
from .sampler import Sampler
|
4 |
-
from torch.distributed import get_world_size, get_rank
|
5 |
-
|
6 |
-
|
7 |
-
class DistributedSampler(Sampler):
|
8 |
-
"""Sampler that restricts data loading to a subset of the dataset.
|
9 |
-
|
10 |
-
It is especially useful in conjunction with
|
11 |
-
:class:`torch.nn.parallel.DistributedDataParallel`. In such case, each
|
12 |
-
process can pass a DistributedSampler instance as a DataLoader sampler,
|
13 |
-
and load a subset of the original dataset that is exclusive to it.
|
14 |
-
|
15 |
-
.. note::
|
16 |
-
Dataset is assumed to be of constant size.
|
17 |
-
|
18 |
-
Arguments:
|
19 |
-
dataset: Dataset used for sampling.
|
20 |
-
num_replicas (optional): Number of processes participating in
|
21 |
-
distributed training.
|
22 |
-
rank (optional): Rank of the current process within num_replicas.
|
23 |
-
"""
|
24 |
-
|
25 |
-
def __init__(self, dataset, num_replicas=None, rank=None):
|
26 |
-
if num_replicas is None:
|
27 |
-
num_replicas = get_world_size()
|
28 |
-
if rank is None:
|
29 |
-
rank = get_rank()
|
30 |
-
self.dataset = dataset
|
31 |
-
self.num_replicas = num_replicas
|
32 |
-
self.rank = rank
|
33 |
-
self.epoch = 0
|
34 |
-
self.num_samples = int(math.ceil(len(self.dataset) * 1.0 / self.num_replicas))
|
35 |
-
self.total_size = self.num_samples * self.num_replicas
|
36 |
-
|
37 |
-
def __iter__(self):
|
38 |
-
# deterministically shuffle based on epoch
|
39 |
-
g = torch.Generator()
|
40 |
-
g.manual_seed(self.epoch)
|
41 |
-
indices = list(torch.randperm(len(self.dataset), generator=g))
|
42 |
-
|
43 |
-
# add extra samples to make it evenly divisible
|
44 |
-
indices += indices[:(self.total_size - len(indices))]
|
45 |
-
assert len(indices) == self.total_size
|
46 |
-
|
47 |
-
# subsample
|
48 |
-
offset = self.num_samples * self.rank
|
49 |
-
indices = indices[offset:offset + self.num_samples]
|
50 |
-
assert len(indices) == self.num_samples
|
51 |
-
|
52 |
-
return iter(indices)
|
53 |
-
|
54 |
-
def __len__(self):
|
55 |
-
return self.num_samples
|
56 |
-
|
57 |
-
def set_epoch(self, epoch):
|
58 |
-
self.epoch = epoch
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/CVPR/regionclip-demo/detectron2/export/caffe2_inference.py
DELETED
@@ -1,161 +0,0 @@
|
|
1 |
-
# Copyright (c) Facebook, Inc. and its affiliates.
|
2 |
-
|
3 |
-
import logging
|
4 |
-
import numpy as np
|
5 |
-
from itertools import count
|
6 |
-
import torch
|
7 |
-
from caffe2.proto import caffe2_pb2
|
8 |
-
from caffe2.python import core
|
9 |
-
|
10 |
-
from .caffe2_modeling import META_ARCH_CAFFE2_EXPORT_TYPE_MAP, convert_batched_inputs_to_c2_format
|
11 |
-
from .shared import ScopedWS, get_pb_arg_vali, get_pb_arg_vals, infer_device_type
|
12 |
-
|
13 |
-
logger = logging.getLogger(__name__)
|
14 |
-
|
15 |
-
|
16 |
-
# ===== ref: mobile-vision predictor's 'Caffe2Wrapper' class ======
|
17 |
-
class ProtobufModel(torch.nn.Module):
|
18 |
-
"""
|
19 |
-
Wrapper of a caffe2's protobuf model.
|
20 |
-
It works just like nn.Module, but running caffe2 under the hood.
|
21 |
-
Input/Output are tuple[tensor] that match the caffe2 net's external_input/output.
|
22 |
-
"""
|
23 |
-
|
24 |
-
_ids = count(0)
|
25 |
-
|
26 |
-
def __init__(self, predict_net, init_net):
|
27 |
-
logger.info(f"Initializing ProtobufModel for: {predict_net.name} ...")
|
28 |
-
super().__init__()
|
29 |
-
assert isinstance(predict_net, caffe2_pb2.NetDef)
|
30 |
-
assert isinstance(init_net, caffe2_pb2.NetDef)
|
31 |
-
# create unique temporary workspace for each instance
|
32 |
-
self.ws_name = "__tmp_ProtobufModel_{}__".format(next(self._ids))
|
33 |
-
self.net = core.Net(predict_net)
|
34 |
-
|
35 |
-
logger.info("Running init_net once to fill the parameters ...")
|
36 |
-
with ScopedWS(self.ws_name, is_reset=True, is_cleanup=False) as ws:
|
37 |
-
ws.RunNetOnce(init_net)
|
38 |
-
uninitialized_external_input = []
|
39 |
-
for blob in self.net.Proto().external_input:
|
40 |
-
if blob not in ws.Blobs():
|
41 |
-
uninitialized_external_input.append(blob)
|
42 |
-
ws.CreateBlob(blob)
|
43 |
-
ws.CreateNet(self.net)
|
44 |
-
|
45 |
-
self._error_msgs = set()
|
46 |
-
self._input_blobs = uninitialized_external_input
|
47 |
-
|
48 |
-
def _infer_output_devices(self, inputs):
|
49 |
-
"""
|
50 |
-
Returns:
|
51 |
-
list[str]: list of device for each external output
|
52 |
-
"""
|
53 |
-
|
54 |
-
def _get_device_type(torch_tensor):
|
55 |
-
assert torch_tensor.device.type in ["cpu", "cuda"]
|
56 |
-
assert torch_tensor.device.index == 0
|
57 |
-
return torch_tensor.device.type
|
58 |
-
|
59 |
-
predict_net = self.net.Proto()
|
60 |
-
input_device_types = {
|
61 |
-
(name, 0): _get_device_type(tensor) for name, tensor in zip(self._input_blobs, inputs)
|
62 |
-
}
|
63 |
-
device_type_map = infer_device_type(
|
64 |
-
predict_net, known_status=input_device_types, device_name_style="pytorch"
|
65 |
-
)
|
66 |
-
ssa, versions = core.get_ssa(predict_net)
|
67 |
-
versioned_outputs = [(name, versions[name]) for name in predict_net.external_output]
|
68 |
-
output_devices = [device_type_map[outp] for outp in versioned_outputs]
|
69 |
-
return output_devices
|
70 |
-
|
71 |
-
def forward(self, inputs):
|
72 |
-
"""
|
73 |
-
Args:
|
74 |
-
inputs (tuple[torch.Tensor])
|
75 |
-
|
76 |
-
Returns:
|
77 |
-
tuple[torch.Tensor]
|
78 |
-
"""
|
79 |
-
assert len(inputs) == len(self._input_blobs), (
|
80 |
-
f"Length of inputs ({len(inputs)}) "
|
81 |
-
f"doesn't match the required input blobs: {self._input_blobs}"
|
82 |
-
)
|
83 |
-
|
84 |
-
with ScopedWS(self.ws_name, is_reset=False, is_cleanup=False) as ws:
|
85 |
-
for b, tensor in zip(self._input_blobs, inputs):
|
86 |
-
ws.FeedBlob(b, tensor)
|
87 |
-
|
88 |
-
try:
|
89 |
-
ws.RunNet(self.net.Proto().name)
|
90 |
-
except RuntimeError as e:
|
91 |
-
if not str(e) in self._error_msgs:
|
92 |
-
self._error_msgs.add(str(e))
|
93 |
-
logger.warning("Encountered new RuntimeError: \n{}".format(str(e)))
|
94 |
-
logger.warning("Catch the error and use partial results.")
|
95 |
-
|
96 |
-
c2_outputs = [ws.FetchBlob(b) for b in self.net.Proto().external_output]
|
97 |
-
# Remove outputs of current run, this is necessary in order to
|
98 |
-
# prevent fetching the result from previous run if the model fails
|
99 |
-
# in the middle.
|
100 |
-
for b in self.net.Proto().external_output:
|
101 |
-
# Needs to create uninitialized blob to make the net runable.
|
102 |
-
# This is "equivalent" to: ws.RemoveBlob(b) then ws.CreateBlob(b),
|
103 |
-
# but there'no such API.
|
104 |
-
ws.FeedBlob(b, f"{b}, a C++ native class of type nullptr (uninitialized).")
|
105 |
-
|
106 |
-
# Cast output to torch.Tensor on the desired device
|
107 |
-
output_devices = (
|
108 |
-
self._infer_output_devices(inputs)
|
109 |
-
if any(t.device.type != "cpu" for t in inputs)
|
110 |
-
else ["cpu" for _ in self.net.Proto().external_output]
|
111 |
-
)
|
112 |
-
|
113 |
-
outputs = []
|
114 |
-
for name, c2_output, device in zip(
|
115 |
-
self.net.Proto().external_output, c2_outputs, output_devices
|
116 |
-
):
|
117 |
-
if not isinstance(c2_output, np.ndarray):
|
118 |
-
raise RuntimeError(
|
119 |
-
"Invalid output for blob {}, received: {}".format(name, c2_output)
|
120 |
-
)
|
121 |
-
outputs.append(torch.tensor(c2_output).to(device=device))
|
122 |
-
return tuple(outputs)
|
123 |
-
|
124 |
-
|
125 |
-
class ProtobufDetectionModel(torch.nn.Module):
|
126 |
-
"""
|
127 |
-
A class works just like a pytorch meta arch in terms of inference, but running
|
128 |
-
caffe2 model under the hood.
|
129 |
-
"""
|
130 |
-
|
131 |
-
def __init__(self, predict_net, init_net, *, convert_outputs=None):
|
132 |
-
"""
|
133 |
-
Args:
|
134 |
-
predict_net, init_net (core.Net): caffe2 nets
|
135 |
-
convert_outptus (callable): a function that converts caffe2
|
136 |
-
outputs to the same format of the original pytorch model.
|
137 |
-
By default, use the one defined in the caffe2 meta_arch.
|
138 |
-
"""
|
139 |
-
super().__init__()
|
140 |
-
self.protobuf_model = ProtobufModel(predict_net, init_net)
|
141 |
-
self.size_divisibility = get_pb_arg_vali(predict_net, "size_divisibility", 0)
|
142 |
-
self.device = get_pb_arg_vals(predict_net, "device", b"cpu").decode("ascii")
|
143 |
-
|
144 |
-
if convert_outputs is None:
|
145 |
-
meta_arch = get_pb_arg_vals(predict_net, "meta_architecture", b"GeneralizedRCNN")
|
146 |
-
meta_arch = META_ARCH_CAFFE2_EXPORT_TYPE_MAP[meta_arch.decode("ascii")]
|
147 |
-
self._convert_outputs = meta_arch.get_outputs_converter(predict_net, init_net)
|
148 |
-
else:
|
149 |
-
self._convert_outputs = convert_outputs
|
150 |
-
|
151 |
-
def _convert_inputs(self, batched_inputs):
|
152 |
-
# currently all models convert inputs in the same way
|
153 |
-
return convert_batched_inputs_to_c2_format(
|
154 |
-
batched_inputs, self.size_divisibility, self.device
|
155 |
-
)
|
156 |
-
|
157 |
-
def forward(self, batched_inputs):
|
158 |
-
c2_inputs = self._convert_inputs(batched_inputs)
|
159 |
-
c2_results = self.protobuf_model(c2_inputs)
|
160 |
-
c2_results = dict(zip(self.protobuf_model.net.Proto().external_output, c2_results))
|
161 |
-
return self._convert_outputs(batched_inputs, c2_inputs, c2_results)
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/CVPR/regionclip-demo/detectron2/utils/collect_env.py
DELETED
@@ -1,211 +0,0 @@
|
|
1 |
-
# Copyright (c) Facebook, Inc. and its affiliates.
|
2 |
-
import importlib
|
3 |
-
import numpy as np
|
4 |
-
import os
|
5 |
-
import re
|
6 |
-
import subprocess
|
7 |
-
import sys
|
8 |
-
from collections import defaultdict
|
9 |
-
import PIL
|
10 |
-
import torch
|
11 |
-
import torchvision
|
12 |
-
from tabulate import tabulate
|
13 |
-
|
14 |
-
__all__ = ["collect_env_info"]
|
15 |
-
|
16 |
-
|
17 |
-
def collect_torch_env():
|
18 |
-
try:
|
19 |
-
import torch.__config__
|
20 |
-
|
21 |
-
return torch.__config__.show()
|
22 |
-
except ImportError:
|
23 |
-
# compatible with older versions of pytorch
|
24 |
-
from torch.utils.collect_env import get_pretty_env_info
|
25 |
-
|
26 |
-
return get_pretty_env_info()
|
27 |
-
|
28 |
-
|
29 |
-
def get_env_module():
|
30 |
-
var_name = "DETECTRON2_ENV_MODULE"
|
31 |
-
return var_name, os.environ.get(var_name, "<not set>")
|
32 |
-
|
33 |
-
|
34 |
-
def detect_compute_compatibility(CUDA_HOME, so_file):
|
35 |
-
try:
|
36 |
-
cuobjdump = os.path.join(CUDA_HOME, "bin", "cuobjdump")
|
37 |
-
if os.path.isfile(cuobjdump):
|
38 |
-
output = subprocess.check_output(
|
39 |
-
"'{}' --list-elf '{}'".format(cuobjdump, so_file), shell=True
|
40 |
-
)
|
41 |
-
output = output.decode("utf-8").strip().split("\n")
|
42 |
-
arch = []
|
43 |
-
for line in output:
|
44 |
-
line = re.findall(r"\.sm_([0-9]*)\.", line)[0]
|
45 |
-
arch.append(".".join(line))
|
46 |
-
arch = sorted(set(arch))
|
47 |
-
return ", ".join(arch)
|
48 |
-
else:
|
49 |
-
return so_file + "; cannot find cuobjdump"
|
50 |
-
except Exception:
|
51 |
-
# unhandled failure
|
52 |
-
return so_file
|
53 |
-
|
54 |
-
|
55 |
-
def collect_env_info():
|
56 |
-
has_gpu = torch.cuda.is_available() # true for both CUDA & ROCM
|
57 |
-
torch_version = torch.__version__
|
58 |
-
|
59 |
-
# NOTE that CUDA_HOME/ROCM_HOME could be None even when CUDA runtime libs are functional
|
60 |
-
from torch.utils.cpp_extension import CUDA_HOME, ROCM_HOME
|
61 |
-
|
62 |
-
has_rocm = False
|
63 |
-
if (getattr(torch.version, "hip", None) is not None) and (ROCM_HOME is not None):
|
64 |
-
has_rocm = True
|
65 |
-
has_cuda = has_gpu and (not has_rocm)
|
66 |
-
|
67 |
-
data = []
|
68 |
-
data.append(("sys.platform", sys.platform)) # check-template.yml depends on it
|
69 |
-
data.append(("Python", sys.version.replace("\n", "")))
|
70 |
-
data.append(("numpy", np.__version__))
|
71 |
-
|
72 |
-
try:
|
73 |
-
import detectron2 # noqa
|
74 |
-
|
75 |
-
data.append(
|
76 |
-
("detectron2", detectron2.__version__ + " @" + os.path.dirname(detectron2.__file__))
|
77 |
-
)
|
78 |
-
except ImportError:
|
79 |
-
data.append(("detectron2", "failed to import"))
|
80 |
-
except AttributeError:
|
81 |
-
data.append(("detectron2", "imported a wrong installation"))
|
82 |
-
|
83 |
-
try:
|
84 |
-
import detectron2._C as _C
|
85 |
-
except ImportError as e:
|
86 |
-
data.append(("detectron2._C", f"not built correctly: {e}"))
|
87 |
-
|
88 |
-
# print system compilers when extension fails to build
|
89 |
-
if sys.platform != "win32": # don't know what to do for windows
|
90 |
-
try:
|
91 |
-
# this is how torch/utils/cpp_extensions.py choose compiler
|
92 |
-
cxx = os.environ.get("CXX", "c++")
|
93 |
-
cxx = subprocess.check_output("'{}' --version".format(cxx), shell=True)
|
94 |
-
cxx = cxx.decode("utf-8").strip().split("\n")[0]
|
95 |
-
except subprocess.SubprocessError:
|
96 |
-
cxx = "Not found"
|
97 |
-
data.append(("Compiler ($CXX)", cxx))
|
98 |
-
|
99 |
-
if has_cuda and CUDA_HOME is not None:
|
100 |
-
try:
|
101 |
-
nvcc = os.path.join(CUDA_HOME, "bin", "nvcc")
|
102 |
-
nvcc = subprocess.check_output("'{}' -V".format(nvcc), shell=True)
|
103 |
-
nvcc = nvcc.decode("utf-8").strip().split("\n")[-1]
|
104 |
-
except subprocess.SubprocessError:
|
105 |
-
nvcc = "Not found"
|
106 |
-
data.append(("CUDA compiler", nvcc))
|
107 |
-
if has_cuda and sys.platform != "win32":
|
108 |
-
try:
|
109 |
-
so_file = importlib.util.find_spec("detectron2._C").origin
|
110 |
-
except (ImportError, AttributeError):
|
111 |
-
pass
|
112 |
-
else:
|
113 |
-
data.append(
|
114 |
-
("detectron2 arch flags", detect_compute_compatibility(CUDA_HOME, so_file))
|
115 |
-
)
|
116 |
-
else:
|
117 |
-
# print compilers that are used to build extension
|
118 |
-
data.append(("Compiler", _C.get_compiler_version()))
|
119 |
-
data.append(("CUDA compiler", _C.get_cuda_version())) # cuda or hip
|
120 |
-
if has_cuda and getattr(_C, "has_cuda", lambda: True)():
|
121 |
-
data.append(
|
122 |
-
("detectron2 arch flags", detect_compute_compatibility(CUDA_HOME, _C.__file__))
|
123 |
-
)
|
124 |
-
|
125 |
-
data.append(get_env_module())
|
126 |
-
data.append(("PyTorch", torch_version + " @" + os.path.dirname(torch.__file__)))
|
127 |
-
data.append(("PyTorch debug build", torch.version.debug))
|
128 |
-
|
129 |
-
data.append(("GPU available", has_gpu))
|
130 |
-
if has_gpu:
|
131 |
-
devices = defaultdict(list)
|
132 |
-
for k in range(torch.cuda.device_count()):
|
133 |
-
cap = ".".join((str(x) for x in torch.cuda.get_device_capability(k)))
|
134 |
-
name = torch.cuda.get_device_name(k) + f" (arch={cap})"
|
135 |
-
devices[name].append(str(k))
|
136 |
-
for name, devids in devices.items():
|
137 |
-
data.append(("GPU " + ",".join(devids), name))
|
138 |
-
|
139 |
-
if has_rocm:
|
140 |
-
msg = " - invalid!" if not (ROCM_HOME and os.path.isdir(ROCM_HOME)) else ""
|
141 |
-
data.append(("ROCM_HOME", str(ROCM_HOME) + msg))
|
142 |
-
else:
|
143 |
-
msg = " - invalid!" if not (CUDA_HOME and os.path.isdir(CUDA_HOME)) else ""
|
144 |
-
data.append(("CUDA_HOME", str(CUDA_HOME) + msg))
|
145 |
-
|
146 |
-
cuda_arch_list = os.environ.get("TORCH_CUDA_ARCH_LIST", None)
|
147 |
-
if cuda_arch_list:
|
148 |
-
data.append(("TORCH_CUDA_ARCH_LIST", cuda_arch_list))
|
149 |
-
data.append(("Pillow", PIL.__version__))
|
150 |
-
|
151 |
-
try:
|
152 |
-
data.append(
|
153 |
-
(
|
154 |
-
"torchvision",
|
155 |
-
str(torchvision.__version__) + " @" + os.path.dirname(torchvision.__file__),
|
156 |
-
)
|
157 |
-
)
|
158 |
-
if has_cuda:
|
159 |
-
try:
|
160 |
-
torchvision_C = importlib.util.find_spec("torchvision._C").origin
|
161 |
-
msg = detect_compute_compatibility(CUDA_HOME, torchvision_C)
|
162 |
-
data.append(("torchvision arch flags", msg))
|
163 |
-
except (ImportError, AttributeError):
|
164 |
-
data.append(("torchvision._C", "Not found"))
|
165 |
-
except AttributeError:
|
166 |
-
data.append(("torchvision", "unknown"))
|
167 |
-
|
168 |
-
try:
|
169 |
-
import fvcore
|
170 |
-
|
171 |
-
data.append(("fvcore", fvcore.__version__))
|
172 |
-
except (ImportError, AttributeError):
|
173 |
-
pass
|
174 |
-
|
175 |
-
try:
|
176 |
-
import iopath
|
177 |
-
|
178 |
-
data.append(("iopath", iopath.__version__))
|
179 |
-
except (ImportError, AttributeError):
|
180 |
-
pass
|
181 |
-
|
182 |
-
try:
|
183 |
-
import cv2
|
184 |
-
|
185 |
-
data.append(("cv2", cv2.__version__))
|
186 |
-
except (ImportError, AttributeError):
|
187 |
-
data.append(("cv2", "Not found"))
|
188 |
-
env_str = tabulate(data) + "\n"
|
189 |
-
env_str += collect_torch_env()
|
190 |
-
return env_str
|
191 |
-
|
192 |
-
|
193 |
-
if __name__ == "__main__":
|
194 |
-
try:
|
195 |
-
from detectron2.utils.collect_env import collect_env_info as f
|
196 |
-
|
197 |
-
print(f())
|
198 |
-
except ImportError:
|
199 |
-
print(collect_env_info())
|
200 |
-
|
201 |
-
if torch.cuda.is_available():
|
202 |
-
for k in range(torch.cuda.device_count()):
|
203 |
-
device = f"cuda:{k}"
|
204 |
-
try:
|
205 |
-
x = torch.tensor([1, 2.0], dtype=torch.float32)
|
206 |
-
x = x.to(device)
|
207 |
-
except Exception as e:
|
208 |
-
print(
|
209 |
-
f"Unable to copy tensor to device={device}: {e}. "
|
210 |
-
"Your CUDA environment is broken."
|
211 |
-
)
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/Caoyunkang/Segment-Any-Anomaly/GroundingDINO/groundingdino/models/GroundingDINO/__init__.py
DELETED
@@ -1,15 +0,0 @@
|
|
1 |
-
# ------------------------------------------------------------------------
|
2 |
-
# Grounding DINO
|
3 |
-
# url: https://github.com/IDEA-Research/GroundingDINO
|
4 |
-
# Copyright (c) 2023 IDEA. All Rights Reserved.
|
5 |
-
# Licensed under the Apache License, Version 2.0 [see LICENSE for details]
|
6 |
-
# ------------------------------------------------------------------------
|
7 |
-
# Conditional DETR
|
8 |
-
# Copyright (c) 2021 Microsoft. All Rights Reserved.
|
9 |
-
# Licensed under the Apache License, Version 2.0 [see LICENSE for details]
|
10 |
-
# ------------------------------------------------------------------------
|
11 |
-
# Copied from DETR (https://github.com/facebookresearch/detr)
|
12 |
-
# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved.
|
13 |
-
# ------------------------------------------------------------------------
|
14 |
-
|
15 |
-
from .groundingdino import build_groundingdino
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/Cherrycreamco/webui/oh-no.py
DELETED
@@ -1,14 +0,0 @@
|
|
1 |
-
import gradio as gr
|
2 |
-
|
3 |
-
block = gr.Blocks()
|
4 |
-
|
5 |
-
def run():
|
6 |
-
with block:
|
7 |
-
gr.Markdown(
|
8 |
-
"""
|
9 |
-
<p>oh no 😐 something wrong with the 🤗 hugging face servers 😐 hopefully, it will be fixed soon</p>
|
10 |
-
""")
|
11 |
-
block.launch(server_name="0.0.0.0", server_port=7860)
|
12 |
-
|
13 |
-
if __name__ == "__main__":
|
14 |
-
run()
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/CrucibleAI/ControlNetMediaPipeFaceSD21/cldm/hack.py
DELETED
@@ -1,111 +0,0 @@
|
|
1 |
-
import torch
|
2 |
-
import einops
|
3 |
-
|
4 |
-
import ldm.modules.encoders.modules
|
5 |
-
import ldm.modules.attention
|
6 |
-
|
7 |
-
from transformers import logging
|
8 |
-
from ldm.modules.attention import default
|
9 |
-
|
10 |
-
|
11 |
-
def disable_verbosity():
|
12 |
-
logging.set_verbosity_error()
|
13 |
-
print('logging improved.')
|
14 |
-
return
|
15 |
-
|
16 |
-
|
17 |
-
def enable_sliced_attention():
|
18 |
-
ldm.modules.attention.CrossAttention.forward = _hacked_sliced_attentin_forward
|
19 |
-
print('Enabled sliced_attention.')
|
20 |
-
return
|
21 |
-
|
22 |
-
|
23 |
-
def hack_everything(clip_skip=0):
|
24 |
-
disable_verbosity()
|
25 |
-
ldm.modules.encoders.modules.FrozenCLIPEmbedder.forward = _hacked_clip_forward
|
26 |
-
ldm.modules.encoders.modules.FrozenCLIPEmbedder.clip_skip = clip_skip
|
27 |
-
print('Enabled clip hacks.')
|
28 |
-
return
|
29 |
-
|
30 |
-
|
31 |
-
# Written by Lvmin
|
32 |
-
def _hacked_clip_forward(self, text):
|
33 |
-
PAD = self.tokenizer.pad_token_id
|
34 |
-
EOS = self.tokenizer.eos_token_id
|
35 |
-
BOS = self.tokenizer.bos_token_id
|
36 |
-
|
37 |
-
def tokenize(t):
|
38 |
-
return self.tokenizer(t, truncation=False, add_special_tokens=False)["input_ids"]
|
39 |
-
|
40 |
-
def transformer_encode(t):
|
41 |
-
if self.clip_skip > 1:
|
42 |
-
rt = self.transformer(input_ids=t, output_hidden_states=True)
|
43 |
-
return self.transformer.text_model.final_layer_norm(rt.hidden_states[-self.clip_skip])
|
44 |
-
else:
|
45 |
-
return self.transformer(input_ids=t, output_hidden_states=False).last_hidden_state
|
46 |
-
|
47 |
-
def split(x):
|
48 |
-
return x[75 * 0: 75 * 1], x[75 * 1: 75 * 2], x[75 * 2: 75 * 3]
|
49 |
-
|
50 |
-
def pad(x, p, i):
|
51 |
-
return x[:i] if len(x) >= i else x + [p] * (i - len(x))
|
52 |
-
|
53 |
-
raw_tokens_list = tokenize(text)
|
54 |
-
tokens_list = []
|
55 |
-
|
56 |
-
for raw_tokens in raw_tokens_list:
|
57 |
-
raw_tokens_123 = split(raw_tokens)
|
58 |
-
raw_tokens_123 = [[BOS] + raw_tokens_i + [EOS] for raw_tokens_i in raw_tokens_123]
|
59 |
-
raw_tokens_123 = [pad(raw_tokens_i, PAD, 77) for raw_tokens_i in raw_tokens_123]
|
60 |
-
tokens_list.append(raw_tokens_123)
|
61 |
-
|
62 |
-
tokens_list = torch.IntTensor(tokens_list).to(self.device)
|
63 |
-
|
64 |
-
feed = einops.rearrange(tokens_list, 'b f i -> (b f) i')
|
65 |
-
y = transformer_encode(feed)
|
66 |
-
z = einops.rearrange(y, '(b f) i c -> b (f i) c', f=3)
|
67 |
-
|
68 |
-
return z
|
69 |
-
|
70 |
-
|
71 |
-
# Stolen from https://github.com/basujindal/stable-diffusion/blob/main/optimizedSD/splitAttention.py
|
72 |
-
def _hacked_sliced_attentin_forward(self, x, context=None, mask=None):
|
73 |
-
h = self.heads
|
74 |
-
|
75 |
-
q = self.to_q(x)
|
76 |
-
context = default(context, x)
|
77 |
-
k = self.to_k(context)
|
78 |
-
v = self.to_v(context)
|
79 |
-
del context, x
|
80 |
-
|
81 |
-
q, k, v = map(lambda t: einops.rearrange(t, 'b n (h d) -> (b h) n d', h=h), (q, k, v))
|
82 |
-
|
83 |
-
limit = k.shape[0]
|
84 |
-
att_step = 1
|
85 |
-
q_chunks = list(torch.tensor_split(q, limit // att_step, dim=0))
|
86 |
-
k_chunks = list(torch.tensor_split(k, limit // att_step, dim=0))
|
87 |
-
v_chunks = list(torch.tensor_split(v, limit // att_step, dim=0))
|
88 |
-
|
89 |
-
q_chunks.reverse()
|
90 |
-
k_chunks.reverse()
|
91 |
-
v_chunks.reverse()
|
92 |
-
sim = torch.zeros(q.shape[0], q.shape[1], v.shape[2], device=q.device)
|
93 |
-
del k, q, v
|
94 |
-
for i in range(0, limit, att_step):
|
95 |
-
q_buffer = q_chunks.pop()
|
96 |
-
k_buffer = k_chunks.pop()
|
97 |
-
v_buffer = v_chunks.pop()
|
98 |
-
sim_buffer = torch.einsum('b i d, b j d -> b i j', q_buffer, k_buffer) * self.scale
|
99 |
-
|
100 |
-
del k_buffer, q_buffer
|
101 |
-
# attention, what we cannot get enough of, by chunks
|
102 |
-
|
103 |
-
sim_buffer = sim_buffer.softmax(dim=-1)
|
104 |
-
|
105 |
-
sim_buffer = torch.einsum('b i j, b j d -> b i d', sim_buffer, v_buffer)
|
106 |
-
del v_buffer
|
107 |
-
sim[i:i + att_step, :, :] = sim_buffer
|
108 |
-
|
109 |
-
del sim_buffer
|
110 |
-
sim = einops.rearrange(sim, '(b h) n d -> b n (h d)', h=h)
|
111 |
-
return self.to_out(sim)
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/Cyril666/ContourNet-ABI/maskrcnn_benchmark/utils/model_serialization.py
DELETED
@@ -1,80 +0,0 @@
|
|
1 |
-
# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved.
|
2 |
-
from collections import OrderedDict
|
3 |
-
import logging
|
4 |
-
|
5 |
-
import torch
|
6 |
-
|
7 |
-
from maskrcnn_benchmark.utils.imports import import_file
|
8 |
-
|
9 |
-
|
10 |
-
def align_and_update_state_dicts(model_state_dict, loaded_state_dict):
|
11 |
-
"""
|
12 |
-
Strategy: suppose that the models that we will create will have prefixes appended
|
13 |
-
to each of its keys, for example due to an extra level of nesting that the original
|
14 |
-
pre-trained weights from ImageNet won't contain. For example, model.state_dict()
|
15 |
-
might return backbone[0].body.res2.conv1.weight, while the pre-trained model contains
|
16 |
-
res2.conv1.weight. We thus want to match both parameters together.
|
17 |
-
For that, we look for each model weight, look among all loaded keys if there is one
|
18 |
-
that is a suffix of the current weight name, and use it if that's the case.
|
19 |
-
If multiple matches exist, take the one with longest size
|
20 |
-
of the corresponding name. For example, for the same model as before, the pretrained
|
21 |
-
weight file can contain both res2.conv1.weight, as well as conv1.weight. In this case,
|
22 |
-
we want to match backbone[0].body.conv1.weight to conv1.weight, and
|
23 |
-
backbone[0].body.res2.conv1.weight to res2.conv1.weight.
|
24 |
-
"""
|
25 |
-
current_keys = sorted(list(model_state_dict.keys()))
|
26 |
-
loaded_keys = sorted(list(loaded_state_dict.keys()))
|
27 |
-
# get a matrix of string matches, where each (i, j) entry correspond to the size of the
|
28 |
-
# loaded_key string, if it matches
|
29 |
-
match_matrix = [
|
30 |
-
len(j) if i.endswith(j) else 0 for i in current_keys for j in loaded_keys
|
31 |
-
]
|
32 |
-
match_matrix = torch.as_tensor(match_matrix).view(
|
33 |
-
len(current_keys), len(loaded_keys)
|
34 |
-
)
|
35 |
-
max_match_size, idxs = match_matrix.max(1)
|
36 |
-
# remove indices that correspond to no-match
|
37 |
-
idxs[max_match_size == 0] = -1
|
38 |
-
|
39 |
-
# used for logging
|
40 |
-
max_size = max([len(key) for key in current_keys]) if current_keys else 1
|
41 |
-
max_size_loaded = max([len(key) for key in loaded_keys]) if loaded_keys else 1
|
42 |
-
log_str_template = "{: <{}} loaded from {: <{}} of shape {}"
|
43 |
-
logger = logging.getLogger(__name__)
|
44 |
-
for idx_new, idx_old in enumerate(idxs.tolist()):
|
45 |
-
if idx_old == -1:
|
46 |
-
continue
|
47 |
-
key = current_keys[idx_new]
|
48 |
-
key_old = loaded_keys[idx_old]
|
49 |
-
model_state_dict[key] = loaded_state_dict[key_old]
|
50 |
-
logger.info(
|
51 |
-
log_str_template.format(
|
52 |
-
key,
|
53 |
-
max_size,
|
54 |
-
key_old,
|
55 |
-
max_size_loaded,
|
56 |
-
tuple(loaded_state_dict[key_old].shape),
|
57 |
-
)
|
58 |
-
)
|
59 |
-
|
60 |
-
|
61 |
-
def strip_prefix_if_present(state_dict, prefix):
|
62 |
-
keys = sorted(state_dict.keys())
|
63 |
-
if not all(key.startswith(prefix) for key in keys):
|
64 |
-
return state_dict
|
65 |
-
stripped_state_dict = OrderedDict()
|
66 |
-
for key, value in state_dict.items():
|
67 |
-
stripped_state_dict[key.replace(prefix, "")] = value
|
68 |
-
return stripped_state_dict
|
69 |
-
|
70 |
-
|
71 |
-
def load_state_dict(model, loaded_state_dict):
|
72 |
-
model_state_dict = model.state_dict()
|
73 |
-
# if the state_dict comes from a model that was wrapped in a
|
74 |
-
# DataParallel or DistributedDataParallel during serialization,
|
75 |
-
# remove the "module" prefix before performing the matching
|
76 |
-
loaded_state_dict = strip_prefix_if_present(loaded_state_dict, prefix="module.")
|
77 |
-
align_and_update_state_dicts(model_state_dict, loaded_state_dict)
|
78 |
-
|
79 |
-
# use strict loading
|
80 |
-
model.load_state_dict(model_state_dict)
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/DAMO-NLP-SG/Video-LLaMA/video_llama/models/blip2_outputs.py
DELETED
@@ -1,111 +0,0 @@
|
|
1 |
-
"""
|
2 |
-
Adapted from salesforce@LAVIS. Below is the original copyright:
|
3 |
-
Copyright (c) 2022, salesforce.com, inc.
|
4 |
-
All rights reserved.
|
5 |
-
SPDX-License-Identifier: BSD-3-Clause
|
6 |
-
For full license text, see the LICENSE_Lavis file in the repo root or https://opensource.org/licenses/BSD-3-Clause
|
7 |
-
"""
|
8 |
-
|
9 |
-
from dataclasses import dataclass
|
10 |
-
from typing import Optional
|
11 |
-
|
12 |
-
import torch
|
13 |
-
from transformers.modeling_outputs import (
|
14 |
-
ModelOutput,
|
15 |
-
BaseModelOutputWithPoolingAndCrossAttentions,
|
16 |
-
CausalLMOutputWithCrossAttentions,
|
17 |
-
)
|
18 |
-
|
19 |
-
|
20 |
-
@dataclass
|
21 |
-
class BlipSimilarity(ModelOutput):
|
22 |
-
sim_i2t: torch.FloatTensor = None
|
23 |
-
sim_t2i: torch.FloatTensor = None
|
24 |
-
|
25 |
-
sim_i2t_m: Optional[torch.FloatTensor] = None
|
26 |
-
sim_t2i_m: Optional[torch.FloatTensor] = None
|
27 |
-
|
28 |
-
sim_i2t_targets: Optional[torch.FloatTensor] = None
|
29 |
-
sim_t2i_targets: Optional[torch.FloatTensor] = None
|
30 |
-
|
31 |
-
|
32 |
-
@dataclass
|
33 |
-
class BlipIntermediateOutput(ModelOutput):
|
34 |
-
"""
|
35 |
-
Data class for intermediate outputs of BLIP models.
|
36 |
-
|
37 |
-
image_embeds (torch.FloatTensor): Image embeddings, shape (batch_size, num_patches, embed_dim).
|
38 |
-
text_embeds (torch.FloatTensor): Text embeddings, shape (batch_size, seq_len, embed_dim).
|
39 |
-
|
40 |
-
image_embeds_m (torch.FloatTensor): Image embeddings from momentum visual encoder, shape (batch_size, num_patches, embed_dim).
|
41 |
-
text_embeds_m (torch.FloatTensor): Text embeddings from momentum text encoder, shape (batch_size, seq_len, embed_dim).
|
42 |
-
|
43 |
-
encoder_output (BaseModelOutputWithPoolingAndCrossAttentions): output from the image-grounded text encoder.
|
44 |
-
encoder_output_neg (BaseModelOutputWithPoolingAndCrossAttentions): output from the image-grounded text encoder for negative pairs.
|
45 |
-
|
46 |
-
decoder_output (CausalLMOutputWithCrossAttentions): output from the image-grounded text decoder.
|
47 |
-
decoder_labels (torch.LongTensor): labels for the captioning loss.
|
48 |
-
|
49 |
-
itm_logits (torch.FloatTensor): logits for the image-text matching loss, shape (batch_size * 3, 2).
|
50 |
-
itm_labels (torch.LongTensor): labels for the image-text matching loss, shape (batch_size * 3,)
|
51 |
-
|
52 |
-
"""
|
53 |
-
|
54 |
-
# uni-modal features
|
55 |
-
image_embeds: torch.FloatTensor = None
|
56 |
-
text_embeds: Optional[torch.FloatTensor] = None
|
57 |
-
|
58 |
-
image_embeds_m: Optional[torch.FloatTensor] = None
|
59 |
-
text_embeds_m: Optional[torch.FloatTensor] = None
|
60 |
-
|
61 |
-
# intermediate outputs of multimodal encoder
|
62 |
-
encoder_output: Optional[BaseModelOutputWithPoolingAndCrossAttentions] = None
|
63 |
-
encoder_output_neg: Optional[BaseModelOutputWithPoolingAndCrossAttentions] = None
|
64 |
-
|
65 |
-
itm_logits: Optional[torch.FloatTensor] = None
|
66 |
-
itm_labels: Optional[torch.LongTensor] = None
|
67 |
-
|
68 |
-
# intermediate outputs of multimodal decoder
|
69 |
-
decoder_output: Optional[CausalLMOutputWithCrossAttentions] = None
|
70 |
-
decoder_labels: Optional[torch.LongTensor] = None
|
71 |
-
|
72 |
-
|
73 |
-
@dataclass
|
74 |
-
class BlipOutput(ModelOutput):
|
75 |
-
# some finetuned models (e.g. BlipVQA) do not compute similarity, thus optional.
|
76 |
-
sims: Optional[BlipSimilarity] = None
|
77 |
-
|
78 |
-
intermediate_output: BlipIntermediateOutput = None
|
79 |
-
|
80 |
-
loss: Optional[torch.FloatTensor] = None
|
81 |
-
|
82 |
-
loss_itc: Optional[torch.FloatTensor] = None
|
83 |
-
|
84 |
-
loss_itm: Optional[torch.FloatTensor] = None
|
85 |
-
|
86 |
-
loss_lm: Optional[torch.FloatTensor] = None
|
87 |
-
|
88 |
-
|
89 |
-
@dataclass
|
90 |
-
class BlipOutputFeatures(ModelOutput):
|
91 |
-
"""
|
92 |
-
Data class of features from BlipFeatureExtractor.
|
93 |
-
|
94 |
-
Args:
|
95 |
-
image_embeds: (torch.FloatTensor) of shape (batch_size, num_patches+1, embed_dim), optional
|
96 |
-
image_features: (torch.FloatTensor) of shape (batch_size, num_patches+1, feature_dim), optional
|
97 |
-
text_embeds: (torch.FloatTensor) of shape (batch_size, sequence_length+1, embed_dim), optional
|
98 |
-
text_features: (torch.FloatTensor) of shape (batch_size, sequence_length+1, feature_dim), optional
|
99 |
-
|
100 |
-
The first embedding or feature is for the [CLS] token.
|
101 |
-
|
102 |
-
Features are obtained by projecting the corresponding embedding into a normalized low-dimensional space.
|
103 |
-
"""
|
104 |
-
|
105 |
-
image_embeds: Optional[torch.FloatTensor] = None
|
106 |
-
image_embeds_proj: Optional[torch.FloatTensor] = None
|
107 |
-
|
108 |
-
text_embeds: Optional[torch.FloatTensor] = None
|
109 |
-
text_embeds_proj: Optional[torch.FloatTensor] = None
|
110 |
-
|
111 |
-
multimodal_embeds: Optional[torch.FloatTensor] = None
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/DQChoi/gpt-demo/venv/lib/python3.11/site-packages/filelock/_util.py
DELETED
@@ -1,37 +0,0 @@
|
|
1 |
-
from __future__ import annotations
|
2 |
-
|
3 |
-
import os
|
4 |
-
import stat
|
5 |
-
import sys
|
6 |
-
from errno import EACCES, EISDIR
|
7 |
-
|
8 |
-
|
9 |
-
def raise_on_not_writable_file(filename: str) -> None:
|
10 |
-
"""
|
11 |
-
Raise an exception if attempting to open the file for writing would fail.
|
12 |
-
This is done so files that will never be writable can be separated from
|
13 |
-
files that are writable but currently locked
|
14 |
-
:param filename: file to check
|
15 |
-
:raises OSError: as if the file was opened for writing.
|
16 |
-
"""
|
17 |
-
try: # use stat to do exists + can write to check without race condition
|
18 |
-
file_stat = os.stat(filename) # noqa: PTH116
|
19 |
-
except OSError:
|
20 |
-
return # swallow does not exist or other errors
|
21 |
-
|
22 |
-
if file_stat.st_mtime != 0: # if os.stat returns but modification is zero that's an invalid os.stat - ignore it
|
23 |
-
if not (file_stat.st_mode & stat.S_IWUSR):
|
24 |
-
raise PermissionError(EACCES, "Permission denied", filename)
|
25 |
-
|
26 |
-
if stat.S_ISDIR(file_stat.st_mode):
|
27 |
-
if sys.platform == "win32": # pragma: win32 cover
|
28 |
-
# On Windows, this is PermissionError
|
29 |
-
raise PermissionError(EACCES, "Permission denied", filename)
|
30 |
-
else: # pragma: win32 no cover # noqa: RET506
|
31 |
-
# On linux / macOS, this is IsADirectoryError
|
32 |
-
raise IsADirectoryError(EISDIR, "Is a directory", filename)
|
33 |
-
|
34 |
-
|
35 |
-
__all__ = [
|
36 |
-
"raise_on_not_writable_file",
|
37 |
-
]
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/DQChoi/gpt-demo/venv/lib/python3.11/site-packages/fontTools/ttLib/tables/C_P_A_L_.py
DELETED
@@ -1,297 +0,0 @@
|
|
1 |
-
# Copyright 2013 Google, Inc. All Rights Reserved.
|
2 |
-
#
|
3 |
-
# Google Author(s): Behdad Esfahbod
|
4 |
-
|
5 |
-
from fontTools.misc.textTools import bytesjoin, safeEval
|
6 |
-
from . import DefaultTable
|
7 |
-
import array
|
8 |
-
from collections import namedtuple
|
9 |
-
import struct
|
10 |
-
import sys
|
11 |
-
|
12 |
-
|
13 |
-
class table_C_P_A_L_(DefaultTable.DefaultTable):
|
14 |
-
|
15 |
-
NO_NAME_ID = 0xFFFF
|
16 |
-
DEFAULT_PALETTE_TYPE = 0
|
17 |
-
|
18 |
-
def __init__(self, tag=None):
|
19 |
-
DefaultTable.DefaultTable.__init__(self, tag)
|
20 |
-
self.palettes = []
|
21 |
-
self.paletteTypes = []
|
22 |
-
self.paletteLabels = []
|
23 |
-
self.paletteEntryLabels = []
|
24 |
-
|
25 |
-
def decompile(self, data, ttFont):
|
26 |
-
(
|
27 |
-
self.version,
|
28 |
-
self.numPaletteEntries,
|
29 |
-
numPalettes,
|
30 |
-
numColorRecords,
|
31 |
-
goffsetFirstColorRecord,
|
32 |
-
) = struct.unpack(">HHHHL", data[:12])
|
33 |
-
assert (
|
34 |
-
self.version <= 1
|
35 |
-
), "Version of CPAL table is higher than I know how to handle"
|
36 |
-
self.palettes = []
|
37 |
-
pos = 12
|
38 |
-
for i in range(numPalettes):
|
39 |
-
startIndex = struct.unpack(">H", data[pos : pos + 2])[0]
|
40 |
-
assert startIndex + self.numPaletteEntries <= numColorRecords
|
41 |
-
pos += 2
|
42 |
-
palette = []
|
43 |
-
ppos = goffsetFirstColorRecord + startIndex * 4
|
44 |
-
for j in range(self.numPaletteEntries):
|
45 |
-
palette.append(Color(*struct.unpack(">BBBB", data[ppos : ppos + 4])))
|
46 |
-
ppos += 4
|
47 |
-
self.palettes.append(palette)
|
48 |
-
if self.version == 0:
|
49 |
-
offsetToPaletteTypeArray = 0
|
50 |
-
offsetToPaletteLabelArray = 0
|
51 |
-
offsetToPaletteEntryLabelArray = 0
|
52 |
-
else:
|
53 |
-
pos = 12 + numPalettes * 2
|
54 |
-
(
|
55 |
-
offsetToPaletteTypeArray,
|
56 |
-
offsetToPaletteLabelArray,
|
57 |
-
offsetToPaletteEntryLabelArray,
|
58 |
-
) = struct.unpack(">LLL", data[pos : pos + 12])
|
59 |
-
self.paletteTypes = self._decompileUInt32Array(
|
60 |
-
data,
|
61 |
-
offsetToPaletteTypeArray,
|
62 |
-
numPalettes,
|
63 |
-
default=self.DEFAULT_PALETTE_TYPE,
|
64 |
-
)
|
65 |
-
self.paletteLabels = self._decompileUInt16Array(
|
66 |
-
data, offsetToPaletteLabelArray, numPalettes, default=self.NO_NAME_ID
|
67 |
-
)
|
68 |
-
self.paletteEntryLabels = self._decompileUInt16Array(
|
69 |
-
data,
|
70 |
-
offsetToPaletteEntryLabelArray,
|
71 |
-
self.numPaletteEntries,
|
72 |
-
default=self.NO_NAME_ID,
|
73 |
-
)
|
74 |
-
|
75 |
-
def _decompileUInt16Array(self, data, offset, numElements, default=0):
|
76 |
-
if offset == 0:
|
77 |
-
return [default] * numElements
|
78 |
-
result = array.array("H", data[offset : offset + 2 * numElements])
|
79 |
-
if sys.byteorder != "big":
|
80 |
-
result.byteswap()
|
81 |
-
assert len(result) == numElements, result
|
82 |
-
return result.tolist()
|
83 |
-
|
84 |
-
def _decompileUInt32Array(self, data, offset, numElements, default=0):
|
85 |
-
if offset == 0:
|
86 |
-
return [default] * numElements
|
87 |
-
result = array.array("I", data[offset : offset + 4 * numElements])
|
88 |
-
if sys.byteorder != "big":
|
89 |
-
result.byteswap()
|
90 |
-
assert len(result) == numElements, result
|
91 |
-
return result.tolist()
|
92 |
-
|
93 |
-
def compile(self, ttFont):
|
94 |
-
colorRecordIndices, colorRecords = self._compileColorRecords()
|
95 |
-
paletteTypes = self._compilePaletteTypes()
|
96 |
-
paletteLabels = self._compilePaletteLabels()
|
97 |
-
paletteEntryLabels = self._compilePaletteEntryLabels()
|
98 |
-
numColorRecords = len(colorRecords) // 4
|
99 |
-
offsetToFirstColorRecord = 12 + len(colorRecordIndices)
|
100 |
-
if self.version >= 1:
|
101 |
-
offsetToFirstColorRecord += 12
|
102 |
-
header = struct.pack(
|
103 |
-
">HHHHL",
|
104 |
-
self.version,
|
105 |
-
self.numPaletteEntries,
|
106 |
-
len(self.palettes),
|
107 |
-
numColorRecords,
|
108 |
-
offsetToFirstColorRecord,
|
109 |
-
)
|
110 |
-
if self.version == 0:
|
111 |
-
dataList = [header, colorRecordIndices, colorRecords]
|
112 |
-
else:
|
113 |
-
pos = offsetToFirstColorRecord + len(colorRecords)
|
114 |
-
if len(paletteTypes) == 0:
|
115 |
-
offsetToPaletteTypeArray = 0
|
116 |
-
else:
|
117 |
-
offsetToPaletteTypeArray = pos
|
118 |
-
pos += len(paletteTypes)
|
119 |
-
if len(paletteLabels) == 0:
|
120 |
-
offsetToPaletteLabelArray = 0
|
121 |
-
else:
|
122 |
-
offsetToPaletteLabelArray = pos
|
123 |
-
pos += len(paletteLabels)
|
124 |
-
if len(paletteEntryLabels) == 0:
|
125 |
-
offsetToPaletteEntryLabelArray = 0
|
126 |
-
else:
|
127 |
-
offsetToPaletteEntryLabelArray = pos
|
128 |
-
pos += len(paletteLabels)
|
129 |
-
header1 = struct.pack(
|
130 |
-
">LLL",
|
131 |
-
offsetToPaletteTypeArray,
|
132 |
-
offsetToPaletteLabelArray,
|
133 |
-
offsetToPaletteEntryLabelArray,
|
134 |
-
)
|
135 |
-
dataList = [
|
136 |
-
header,
|
137 |
-
colorRecordIndices,
|
138 |
-
header1,
|
139 |
-
colorRecords,
|
140 |
-
paletteTypes,
|
141 |
-
paletteLabels,
|
142 |
-
paletteEntryLabels,
|
143 |
-
]
|
144 |
-
return bytesjoin(dataList)
|
145 |
-
|
146 |
-
def _compilePalette(self, palette):
|
147 |
-
assert len(palette) == self.numPaletteEntries
|
148 |
-
pack = lambda c: struct.pack(">BBBB", c.blue, c.green, c.red, c.alpha)
|
149 |
-
return bytesjoin([pack(color) for color in palette])
|
150 |
-
|
151 |
-
def _compileColorRecords(self):
|
152 |
-
colorRecords, colorRecordIndices, pool = [], [], {}
|
153 |
-
for palette in self.palettes:
|
154 |
-
packedPalette = self._compilePalette(palette)
|
155 |
-
if packedPalette in pool:
|
156 |
-
index = pool[packedPalette]
|
157 |
-
else:
|
158 |
-
index = len(colorRecords)
|
159 |
-
colorRecords.append(packedPalette)
|
160 |
-
pool[packedPalette] = index
|
161 |
-
colorRecordIndices.append(struct.pack(">H", index * self.numPaletteEntries))
|
162 |
-
return bytesjoin(colorRecordIndices), bytesjoin(colorRecords)
|
163 |
-
|
164 |
-
def _compilePaletteTypes(self):
|
165 |
-
if self.version == 0 or not any(self.paletteTypes):
|
166 |
-
return b""
|
167 |
-
assert len(self.paletteTypes) == len(self.palettes)
|
168 |
-
result = bytesjoin([struct.pack(">I", ptype) for ptype in self.paletteTypes])
|
169 |
-
assert len(result) == 4 * len(self.palettes)
|
170 |
-
return result
|
171 |
-
|
172 |
-
def _compilePaletteLabels(self):
|
173 |
-
if self.version == 0 or all(l == self.NO_NAME_ID for l in self.paletteLabels):
|
174 |
-
return b""
|
175 |
-
assert len(self.paletteLabels) == len(self.palettes)
|
176 |
-
result = bytesjoin([struct.pack(">H", label) for label in self.paletteLabels])
|
177 |
-
assert len(result) == 2 * len(self.palettes)
|
178 |
-
return result
|
179 |
-
|
180 |
-
def _compilePaletteEntryLabels(self):
|
181 |
-
if self.version == 0 or all(
|
182 |
-
l == self.NO_NAME_ID for l in self.paletteEntryLabels
|
183 |
-
):
|
184 |
-
return b""
|
185 |
-
assert len(self.paletteEntryLabels) == self.numPaletteEntries
|
186 |
-
result = bytesjoin(
|
187 |
-
[struct.pack(">H", label) for label in self.paletteEntryLabels]
|
188 |
-
)
|
189 |
-
assert len(result) == 2 * self.numPaletteEntries
|
190 |
-
return result
|
191 |
-
|
192 |
-
def toXML(self, writer, ttFont):
|
193 |
-
numPalettes = len(self.palettes)
|
194 |
-
paletteLabels = {i: nameID for (i, nameID) in enumerate(self.paletteLabels)}
|
195 |
-
paletteTypes = {i: typ for (i, typ) in enumerate(self.paletteTypes)}
|
196 |
-
writer.simpletag("version", value=self.version)
|
197 |
-
writer.newline()
|
198 |
-
writer.simpletag("numPaletteEntries", value=self.numPaletteEntries)
|
199 |
-
writer.newline()
|
200 |
-
for index, palette in enumerate(self.palettes):
|
201 |
-
attrs = {"index": index}
|
202 |
-
paletteType = paletteTypes.get(index, self.DEFAULT_PALETTE_TYPE)
|
203 |
-
paletteLabel = paletteLabels.get(index, self.NO_NAME_ID)
|
204 |
-
if self.version > 0 and paletteLabel != self.NO_NAME_ID:
|
205 |
-
attrs["label"] = paletteLabel
|
206 |
-
if self.version > 0 and paletteType != self.DEFAULT_PALETTE_TYPE:
|
207 |
-
attrs["type"] = paletteType
|
208 |
-
writer.begintag("palette", **attrs)
|
209 |
-
writer.newline()
|
210 |
-
if (
|
211 |
-
self.version > 0
|
212 |
-
and paletteLabel != self.NO_NAME_ID
|
213 |
-
and ttFont
|
214 |
-
and "name" in ttFont
|
215 |
-
):
|
216 |
-
name = ttFont["name"].getDebugName(paletteLabel)
|
217 |
-
if name is not None:
|
218 |
-
writer.comment(name)
|
219 |
-
writer.newline()
|
220 |
-
assert len(palette) == self.numPaletteEntries
|
221 |
-
for cindex, color in enumerate(palette):
|
222 |
-
color.toXML(writer, ttFont, cindex)
|
223 |
-
writer.endtag("palette")
|
224 |
-
writer.newline()
|
225 |
-
if self.version > 0 and not all(
|
226 |
-
l == self.NO_NAME_ID for l in self.paletteEntryLabels
|
227 |
-
):
|
228 |
-
writer.begintag("paletteEntryLabels")
|
229 |
-
writer.newline()
|
230 |
-
for index, label in enumerate(self.paletteEntryLabels):
|
231 |
-
if label != self.NO_NAME_ID:
|
232 |
-
writer.simpletag("label", index=index, value=label)
|
233 |
-
if self.version > 0 and label and ttFont and "name" in ttFont:
|
234 |
-
name = ttFont["name"].getDebugName(label)
|
235 |
-
if name is not None:
|
236 |
-
writer.comment(name)
|
237 |
-
writer.newline()
|
238 |
-
writer.endtag("paletteEntryLabels")
|
239 |
-
writer.newline()
|
240 |
-
|
241 |
-
def fromXML(self, name, attrs, content, ttFont):
|
242 |
-
if name == "palette":
|
243 |
-
self.paletteLabels.append(int(attrs.get("label", self.NO_NAME_ID)))
|
244 |
-
self.paletteTypes.append(int(attrs.get("type", self.DEFAULT_PALETTE_TYPE)))
|
245 |
-
palette = []
|
246 |
-
for element in content:
|
247 |
-
if isinstance(element, str):
|
248 |
-
continue
|
249 |
-
attrs = element[1]
|
250 |
-
color = Color.fromHex(attrs["value"])
|
251 |
-
palette.append(color)
|
252 |
-
self.palettes.append(palette)
|
253 |
-
elif name == "paletteEntryLabels":
|
254 |
-
colorLabels = {}
|
255 |
-
for element in content:
|
256 |
-
if isinstance(element, str):
|
257 |
-
continue
|
258 |
-
elementName, elementAttr, _ = element
|
259 |
-
if elementName == "label":
|
260 |
-
labelIndex = safeEval(elementAttr["index"])
|
261 |
-
nameID = safeEval(elementAttr["value"])
|
262 |
-
colorLabels[labelIndex] = nameID
|
263 |
-
self.paletteEntryLabels = [
|
264 |
-
colorLabels.get(i, self.NO_NAME_ID)
|
265 |
-
for i in range(self.numPaletteEntries)
|
266 |
-
]
|
267 |
-
elif "value" in attrs:
|
268 |
-
value = safeEval(attrs["value"])
|
269 |
-
setattr(self, name, value)
|
270 |
-
if name == "numPaletteEntries":
|
271 |
-
self.paletteEntryLabels = [self.NO_NAME_ID] * self.numPaletteEntries
|
272 |
-
|
273 |
-
|
274 |
-
class Color(namedtuple("Color", "blue green red alpha")):
|
275 |
-
def hex(self):
|
276 |
-
return "#%02X%02X%02X%02X" % (self.red, self.green, self.blue, self.alpha)
|
277 |
-
|
278 |
-
def __repr__(self):
|
279 |
-
return self.hex()
|
280 |
-
|
281 |
-
def toXML(self, writer, ttFont, index=None):
|
282 |
-
writer.simpletag("color", value=self.hex(), index=index)
|
283 |
-
writer.newline()
|
284 |
-
|
285 |
-
@classmethod
|
286 |
-
def fromHex(cls, value):
|
287 |
-
if value[0] == "#":
|
288 |
-
value = value[1:]
|
289 |
-
red = int(value[0:2], 16)
|
290 |
-
green = int(value[2:4], 16)
|
291 |
-
blue = int(value[4:6], 16)
|
292 |
-
alpha = int(value[6:8], 16) if len(value) >= 8 else 0xFF
|
293 |
-
return cls(red=red, green=green, blue=blue, alpha=alpha)
|
294 |
-
|
295 |
-
@classmethod
|
296 |
-
def fromRGBA(cls, red, green, blue, alpha):
|
297 |
-
return cls(red=red, green=green, blue=blue, alpha=alpha)
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/DaCuteRaccoon/dalle-mini/index.html
DELETED
@@ -1,295 +0,0 @@
|
|
1 |
-
<!DOCTYPE html>
|
2 |
-
<html lang="en">
|
3 |
-
<head>
|
4 |
-
<meta charset="utf-8" />
|
5 |
-
<meta
|
6 |
-
name="viewport"
|
7 |
-
content="width=device-width, initial-scale=1, shrink-to-fit=no, maximum-scale=1"
|
8 |
-
/>
|
9 |
-
|
10 |
-
<script>
|
11 |
-
window.__gradio_mode__ = "app";
|
12 |
-
window.gradio_config = {
|
13 |
-
version: "3.0.26\n",
|
14 |
-
mode: "blocks",
|
15 |
-
dev_mode: false,
|
16 |
-
components: [
|
17 |
-
{
|
18 |
-
id: 1,
|
19 |
-
type: "column",
|
20 |
-
props: {
|
21 |
-
type: "column",
|
22 |
-
variant: "default",
|
23 |
-
visible: true,
|
24 |
-
style: {},
|
25 |
-
},
|
26 |
-
},
|
27 |
-
{
|
28 |
-
id: 2,
|
29 |
-
type: "markdown",
|
30 |
-
props: {
|
31 |
-
value:
|
32 |
-
'<h1><center>DALL\u00b7E mini by <a href="https://www.craiyon.com/" target="_blank">craiyon.com</a></center></h1>',
|
33 |
-
name: "markdown",
|
34 |
-
visible: true,
|
35 |
-
style: {},
|
36 |
-
},
|
37 |
-
},
|
38 |
-
{
|
39 |
-
id: 3,
|
40 |
-
type: "markdown",
|
41 |
-
props: {
|
42 |
-
value:
|
43 |
-
"<center>AI model generating images from any prompt!</center>",
|
44 |
-
name: "markdown",
|
45 |
-
visible: true,
|
46 |
-
style: {},
|
47 |
-
},
|
48 |
-
},
|
49 |
-
{
|
50 |
-
id: 4,
|
51 |
-
type: "group",
|
52 |
-
props: { type: "group", visible: true, style: {} },
|
53 |
-
},
|
54 |
-
{
|
55 |
-
id: 5,
|
56 |
-
type: "box",
|
57 |
-
props: { type: "box", visible: true, style: {} },
|
58 |
-
},
|
59 |
-
{
|
60 |
-
id: 6,
|
61 |
-
type: "row",
|
62 |
-
props: {
|
63 |
-
type: "row",
|
64 |
-
visible: true,
|
65 |
-
style: { equal_height: true, mobile_collapse: false },
|
66 |
-
},
|
67 |
-
},
|
68 |
-
{
|
69 |
-
id: 7,
|
70 |
-
type: "textbox",
|
71 |
-
props: {
|
72 |
-
lines: 1,
|
73 |
-
max_lines: 1,
|
74 |
-
value: "",
|
75 |
-
label: "Enter your prompt",
|
76 |
-
show_label: false,
|
77 |
-
name: "textbox",
|
78 |
-
visible: true,
|
79 |
-
elem_id: "prompt",
|
80 |
-
style: { container: false },
|
81 |
-
},
|
82 |
-
},
|
83 |
-
{
|
84 |
-
id: 8,
|
85 |
-
type: "button",
|
86 |
-
props: {
|
87 |
-
value: "Run",
|
88 |
-
variant: "primary",
|
89 |
-
name: "button",
|
90 |
-
visible: true,
|
91 |
-
style: {},
|
92 |
-
},
|
93 |
-
},
|
94 |
-
{
|
95 |
-
id: 9,
|
96 |
-
type: "gallery",
|
97 |
-
props: {
|
98 |
-
value: [],
|
99 |
-
label: "Generated images",
|
100 |
-
show_label: false,
|
101 |
-
name: "gallery",
|
102 |
-
visible: true,
|
103 |
-
elem_id: "gallery",
|
104 |
-
style: { grid: [3], height: "auto" },
|
105 |
-
},
|
106 |
-
},
|
107 |
-
{
|
108 |
-
id: 10,
|
109 |
-
type: "column",
|
110 |
-
props: {
|
111 |
-
type: "column",
|
112 |
-
variant: "default",
|
113 |
-
visible: true,
|
114 |
-
style: {},
|
115 |
-
},
|
116 |
-
},
|
117 |
-
{
|
118 |
-
id: 11,
|
119 |
-
type: "button",
|
120 |
-
props: {
|
121 |
-
value: "Screenshot",
|
122 |
-
variant: "secondary",
|
123 |
-
name: "button",
|
124 |
-
visible: true,
|
125 |
-
elem_id: "screenshot",
|
126 |
-
style: { full_width: true },
|
127 |
-
},
|
128 |
-
},
|
129 |
-
{
|
130 |
-
id: 12,
|
131 |
-
type: "markdown",
|
132 |
-
props: {
|
133 |
-
value:
|
134 |
-
'<details>\n<summary>Bias and Limitations</summary>\n<p style=\'line-height: normal; font-size: small\'>\nWhile the capabilities of image generation models are impressive, they may also reinforce or exacerbate societal biases. While the extent and nature of the biases of the DALL\u00b7E mini model have yet to be fully documented, given the fact that the model was trained on unfiltered data from the Internet, it may generate images that contain stereotypes against minority groups. Work to analyze the nature and extent of these limitations is ongoing, and will be documented in more detail in the <a href="https://huggingface.co/dalle-mini/dalle-mini" target="_blank">DALL\u00b7E mini model card</a>.\n</p>\n</details>',
|
135 |
-
name: "markdown",
|
136 |
-
visible: true,
|
137 |
-
style: {},
|
138 |
-
},
|
139 |
-
},
|
140 |
-
{
|
141 |
-
id: 13,
|
142 |
-
type: "markdown",
|
143 |
-
props: {
|
144 |
-
value:
|
145 |
-
'<p style=\'text-align: center\'>\nNew model available on \ud83d\udd8d\ufe0f <a href="https://www.craiyon.com/" target="_blank">craiyon.com</a>\n</p>',
|
146 |
-
name: "markdown",
|
147 |
-
visible: true,
|
148 |
-
style: {},
|
149 |
-
},
|
150 |
-
},
|
151 |
-
{
|
152 |
-
id: 14,
|
153 |
-
type: "markdown",
|
154 |
-
props: {
|
155 |
-
value:
|
156 |
-
'<hr />\n<p style=\'text-align: center\'>\nCreated by <a href="https://twitter.com/borisdayma" target="_blank">Boris Dayma</a> et al. 2021-2022\n<br/>\n<a href="https://github.com/borisdayma/dalle-mini" target="_blank">GitHub</a> | <a href="https://wandb.ai/dalle-mini/dalle-mini/reports/DALL-E-mini-Generate-images-from-any-text-prompt--VmlldzoyMDE4NDAy" target="_blank">Project Report</a>\n<p style=\'text-align: center\'>Powered by Google <a href="https://sites.research.google/trc/" target="_blank">TPU Research Cloud</a>\n</p>',
|
157 |
-
name: "markdown",
|
158 |
-
visible: true,
|
159 |
-
style: {},
|
160 |
-
},
|
161 |
-
},
|
162 |
-
],
|
163 |
-
theme: "default",
|
164 |
-
css: ".container { max-width: 800px; margin: auto; }",
|
165 |
-
title: "Gradio",
|
166 |
-
enable_queue: false,
|
167 |
-
layout: {
|
168 |
-
id: 0,
|
169 |
-
children: [
|
170 |
-
{
|
171 |
-
id: 1,
|
172 |
-
children: [
|
173 |
-
{ id: 2 },
|
174 |
-
{ id: 3 },
|
175 |
-
{
|
176 |
-
id: 4,
|
177 |
-
children: [
|
178 |
-
{
|
179 |
-
id: 5,
|
180 |
-
children: [{ id: 6, children: [{ id: 7 }, { id: 8 }] }],
|
181 |
-
},
|
182 |
-
{ id: 9 },
|
183 |
-
],
|
184 |
-
},
|
185 |
-
],
|
186 |
-
},
|
187 |
-
{
|
188 |
-
id: 10,
|
189 |
-
children: [{ id: 11 }, { id: 12 }, { id: 13 }, { id: 14 }],
|
190 |
-
},
|
191 |
-
],
|
192 |
-
},
|
193 |
-
dependencies: [
|
194 |
-
{
|
195 |
-
targets: [8],
|
196 |
-
trigger: "click",
|
197 |
-
inputs: [7],
|
198 |
-
outputs: [9],
|
199 |
-
backend_fn: false,
|
200 |
-
js: "\n async (text) => {\n try {\n document.querySelector('#screenshot').style.display = 'none';\n response = await fetch('https://bf.dallemini.ai/generate', {\n method: 'POST',\n headers: {\n 'Accept': 'application/json',\n 'Content-Type': 'application/json'\n },\n body: JSON.stringify({\n prompt: text\n })\n });\n response = await response.json()\n let imgs = response.images.map(r => \"data:image/png;base64,\" + r)\n document.querySelector('#screenshot').style.display = 'block';\n return imgs\n } catch (e) {\n alert(\"Too much traffic, please try again.\")\n IMG = \"data:image/png;base64,iVBORw0KGgoAAAANSUhEUgAAAMgAAADICAMAAACahl6sAAAAOVBMVEXg4OB1dXXX19fd3d2EhIR9fX14eHjJycm2trbb29uurq6goKCZmZmIiIiBgYHNzc2np6e8vLySkpKXK8HrAAABuUlEQVR4nO3Z0bKCIBCAYQNFVCzr/R/2nHU6k8KpJi6wZf7vLu1id9gFhKYBAAAAAAAAAAAAAAAAAAAAAAAAAAAAAEAb249h7pzr5jD29uhospnlfNo4L+boiLKYyZ0iblKYiu/iNER3PTquD9npPgbB98Za0/twH59JVasMtzXo1m+iHny7PrwpysSuebgxCtmOTlkma121l/TFZR2UqXxEebxEO/87QZlZ3inpeCPzVftkojUyJp2OWVgKy23qSsbg8evitBSXkUjHzYN9Is0oeWoYkkUKazsxRYlYKa6ldFSfs7K/8tsnUSLrXHAuG1SOXpp5t1LEiQxSe33ZqDJIC4TdkziRJkRN9J1CXFlpIj7J9RvNSd0kiUj1zSVjyiKr4X5yTRIx0kYlY8oinbzfFSaJWFlJSsaUpZpEqimttNkTOpo9nX4TOqbfdEFM6FgQpW7c8OofSrYo1Wwaq9nG1/NhVc2nbj2HD821kuOgeg7o3hyZBj1Hpo9D7M3K+HeIrSmPeq4Vfl3ruOhpnly9vdyEfa1KLkPF7nr66GAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAPjcD13rCcC3ILx/AAAAAElFTkSuQmCC\"\n document.querySelector('#screenshot').style.display = 'block';\n return Array(9).fill(IMG)\n }\n }\n ",
|
201 |
-
status_tracker: null,
|
202 |
-
queue: null,
|
203 |
-
api_name: null,
|
204 |
-
scroll_to_output: false,
|
205 |
-
show_progress: true,
|
206 |
-
},
|
207 |
-
{
|
208 |
-
targets: [11],
|
209 |
-
trigger: "click",
|
210 |
-
inputs: [],
|
211 |
-
outputs: [],
|
212 |
-
backend_fn: false,
|
213 |
-
js: "\n () => {\n const captureElement = document.getElementById(1)\n let bg_color = getComputedStyle(document.querySelector(\"#root .container\"))[\"background-color\"]\n captureElement.style.backgroundColor = bg_color; \n html2canvas(captureElement)\n .then(canvas => {\n canvas.style.display = 'none'\n document.body.appendChild(canvas)\n return canvas\n })\n .then(canvas => {\n const image = canvas.toDataURL('image/png').replace('image/png', 'image/octet-stream')\n const a = document.createElement('a')\n const date = new Date()\n const filename = `dallemini_${date.getFullYear()}-${date.getMonth() + 1}-${date.getDate()}_${date.getHours()}-${date.getMinutes()}-${date.getSeconds()}.png`\n a.setAttribute('download', filename)\n a.setAttribute('href', image)\n a.click()\n canvas.remove()\n })\n }\n ",
|
214 |
-
status_tracker: null,
|
215 |
-
queue: null,
|
216 |
-
api_name: null,
|
217 |
-
scroll_to_output: false,
|
218 |
-
show_progress: true,
|
219 |
-
},
|
220 |
-
],
|
221 |
-
};
|
222 |
-
</script>
|
223 |
-
|
224 |
-
<link rel="preconnect" href="https://fonts.googleapis.com" />
|
225 |
-
<link
|
226 |
-
rel="preconnect"
|
227 |
-
href="https://fonts.gstatic.com"
|
228 |
-
crossorigin="anonymous"
|
229 |
-
/>
|
230 |
-
<link
|
231 |
-
href="https://fonts.googleapis.com/css?family=Source Sans Pro"
|
232 |
-
rel="stylesheet"
|
233 |
-
/>
|
234 |
-
<link
|
235 |
-
href="https://fonts.googleapis.com/css?family=IBM Plex Mono"
|
236 |
-
rel="stylesheet"
|
237 |
-
/>
|
238 |
-
<script src="https://cdnjs.cloudflare.com/ajax/libs/iframe-resizer/4.3.1/iframeResizer.contentWindow.min.js"></script>
|
239 |
-
<script
|
240 |
-
type="module"
|
241 |
-
crossorigin
|
242 |
-
src="https://gradio.s3-us-west-2.amazonaws.com/3.0.9b12/assets/index.8eca4ae7.js"
|
243 |
-
></script>
|
244 |
-
<link
|
245 |
-
rel="stylesheet"
|
246 |
-
href="https://gradio.s3-us-west-2.amazonaws.com/3.0.9b12/assets/index.cbea297d.css"
|
247 |
-
/>
|
248 |
-
<style>
|
249 |
-
#screenshot {
|
250 |
-
display: none;
|
251 |
-
}
|
252 |
-
.container > div > div {
|
253 |
-
padding: 0.5rem;
|
254 |
-
}
|
255 |
-
footer a {
|
256 |
-
color: rgb(156 163 175) !important;
|
257 |
-
}
|
258 |
-
footer img {
|
259 |
-
display: none !important;
|
260 |
-
}
|
261 |
-
</style>
|
262 |
-
<style id="mofo">
|
263 |
-
body {
|
264 |
-
display: none !important;
|
265 |
-
}
|
266 |
-
</style>
|
267 |
-
<script type="text/javascript">
|
268 |
-
if (
|
269 |
-
self === top ||
|
270 |
-
window.location.ancestorOrigins[0] === "https://huggingface.co"
|
271 |
-
) {
|
272 |
-
var mofo = document.getElementById("mofo");
|
273 |
-
mofo.parentNode.removeChild(mofo);
|
274 |
-
} else {
|
275 |
-
top.location = self.location;
|
276 |
-
}
|
277 |
-
</script>
|
278 |
-
</head>
|
279 |
-
|
280 |
-
<body
|
281 |
-
style="
|
282 |
-
margin: 0;
|
283 |
-
padding: 0;
|
284 |
-
display: flex;
|
285 |
-
flex-direction: column;
|
286 |
-
flex-grow: 1;
|
287 |
-
"
|
288 |
-
>
|
289 |
-
<div
|
290 |
-
id="root"
|
291 |
-
style="display: flex; flex-direction: column; flex-grow: 1"
|
292 |
-
></div>
|
293 |
-
<script src="html2canvas.js"></script>
|
294 |
-
</body>
|
295 |
-
</html>
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/Dagfinn1962/stablediffusion-members/images.py
DELETED
@@ -1,22 +0,0 @@
|
|
1 |
-
import glob
|
2 |
-
import matplotlib.pyplot as plt
|
3 |
-
import matplotlib.image as mpimg
|
4 |
-
%matplotlib inline
|
5 |
-
|
6 |
-
images = []
|
7 |
-
for img_path in sorted(glob.glob('brain.png'), reverse=True):
|
8 |
-
images.append(mpimg.imread(img_path))
|
9 |
-
|
10 |
-
images = images[:15]
|
11 |
-
|
12 |
-
plt.figure(figsize=(20,10))
|
13 |
-
|
14 |
-
columns = 5
|
15 |
-
for i, image in enumerate(images):
|
16 |
-
ax = plt.subplot(len(images) / columns + 1, columns, i + 1)
|
17 |
-
ax.axes.xaxis.set_visible(False)
|
18 |
-
ax.axes.yaxis.set_visible(False)
|
19 |
-
ax.axis('off')
|
20 |
-
plt.imshow(image)
|
21 |
-
gc.collect()
|
22 |
-
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/Datasculptor/MusicGen/audiocraft/models/musicgen.py
DELETED
@@ -1,362 +0,0 @@
|
|
1 |
-
# Copyright (c) Meta Platforms, Inc. and affiliates.
|
2 |
-
# All rights reserved.
|
3 |
-
#
|
4 |
-
# This source code is licensed under the license found in the
|
5 |
-
# LICENSE file in the root directory of this source tree.
|
6 |
-
|
7 |
-
"""
|
8 |
-
Main model for using MusicGen. This will combine all the required components
|
9 |
-
and provide easy access to the generation API.
|
10 |
-
"""
|
11 |
-
|
12 |
-
import os
|
13 |
-
import typing as tp
|
14 |
-
|
15 |
-
import torch
|
16 |
-
|
17 |
-
from .encodec import CompressionModel
|
18 |
-
from .lm import LMModel
|
19 |
-
from .builders import get_debug_compression_model, get_debug_lm_model
|
20 |
-
from .loaders import load_compression_model, load_lm_model, HF_MODEL_CHECKPOINTS_MAP
|
21 |
-
from ..data.audio_utils import convert_audio
|
22 |
-
from ..modules.conditioners import ConditioningAttributes, WavCondition
|
23 |
-
from ..utils.autocast import TorchAutocast
|
24 |
-
|
25 |
-
|
26 |
-
MelodyList = tp.List[tp.Optional[torch.Tensor]]
|
27 |
-
MelodyType = tp.Union[torch.Tensor, MelodyList]
|
28 |
-
|
29 |
-
|
30 |
-
class MusicGen:
|
31 |
-
"""MusicGen main model with convenient generation API.
|
32 |
-
|
33 |
-
Args:
|
34 |
-
name (str): name of the model.
|
35 |
-
compression_model (CompressionModel): Compression model
|
36 |
-
used to map audio to invertible discrete representations.
|
37 |
-
lm (LMModel): Language model over discrete representations.
|
38 |
-
"""
|
39 |
-
def __init__(self, name: str, compression_model: CompressionModel, lm: LMModel,
|
40 |
-
max_duration: float = 30):
|
41 |
-
self.name = name
|
42 |
-
self.compression_model = compression_model
|
43 |
-
self.lm = lm
|
44 |
-
self.max_duration = max_duration
|
45 |
-
self.device = next(iter(lm.parameters())).device
|
46 |
-
self.generation_params: dict = {}
|
47 |
-
self.set_generation_params(duration=15) # 15 seconds by default
|
48 |
-
self._progress_callback: tp.Optional[tp.Callable[[int, int], None]] = None
|
49 |
-
if self.device.type == 'cpu':
|
50 |
-
self.autocast = TorchAutocast(enabled=False)
|
51 |
-
else:
|
52 |
-
self.autocast = TorchAutocast(
|
53 |
-
enabled=True, device_type=self.device.type, dtype=torch.float16)
|
54 |
-
|
55 |
-
@property
|
56 |
-
def frame_rate(self) -> int:
|
57 |
-
"""Roughly the number of AR steps per seconds."""
|
58 |
-
return self.compression_model.frame_rate
|
59 |
-
|
60 |
-
@property
|
61 |
-
def sample_rate(self) -> int:
|
62 |
-
"""Sample rate of the generated audio."""
|
63 |
-
return self.compression_model.sample_rate
|
64 |
-
|
65 |
-
@property
|
66 |
-
def audio_channels(self) -> int:
|
67 |
-
"""Audio channels of the generated audio."""
|
68 |
-
return self.compression_model.channels
|
69 |
-
|
70 |
-
@staticmethod
|
71 |
-
def get_pretrained(name: str = 'melody', device=None):
|
72 |
-
"""Return pretrained model, we provide four models:
|
73 |
-
- small (300M), text to music, # see: https://huggingface.co/facebook/musicgen-small
|
74 |
-
- medium (1.5B), text to music, # see: https://huggingface.co/facebook/musicgen-medium
|
75 |
-
- melody (1.5B) text to music and text+melody to music, # see: https://huggingface.co/facebook/musicgen-melody
|
76 |
-
- large (3.3B), text to music, # see: https://huggingface.co/facebook/musicgen-large
|
77 |
-
"""
|
78 |
-
|
79 |
-
if device is None:
|
80 |
-
if torch.cuda.device_count():
|
81 |
-
device = 'cuda'
|
82 |
-
else:
|
83 |
-
device = 'cpu'
|
84 |
-
|
85 |
-
if name == 'debug':
|
86 |
-
# used only for unit tests
|
87 |
-
compression_model = get_debug_compression_model(device)
|
88 |
-
lm = get_debug_lm_model(device)
|
89 |
-
return MusicGen(name, compression_model, lm)
|
90 |
-
|
91 |
-
if name not in HF_MODEL_CHECKPOINTS_MAP:
|
92 |
-
if not os.path.isfile(name) and not os.path.isdir(name):
|
93 |
-
raise ValueError(
|
94 |
-
f"{name} is not a valid checkpoint name. "
|
95 |
-
f"Choose one of {', '.join(HF_MODEL_CHECKPOINTS_MAP.keys())}"
|
96 |
-
)
|
97 |
-
|
98 |
-
cache_dir = os.environ.get('MUSICGEN_ROOT', None)
|
99 |
-
compression_model = load_compression_model(name, device=device, cache_dir=cache_dir)
|
100 |
-
lm = load_lm_model(name, device=device, cache_dir=cache_dir)
|
101 |
-
if name == 'melody':
|
102 |
-
lm.condition_provider.conditioners['self_wav'].match_len_on_eval = True
|
103 |
-
|
104 |
-
return MusicGen(name, compression_model, lm)
|
105 |
-
|
106 |
-
def set_generation_params(self, use_sampling: bool = True, top_k: int = 250,
|
107 |
-
top_p: float = 0.0, temperature: float = 1.0,
|
108 |
-
duration: float = 30.0, cfg_coef: float = 3.0,
|
109 |
-
two_step_cfg: bool = False, extend_stride: float = 18):
|
110 |
-
"""Set the generation parameters for MusicGen.
|
111 |
-
|
112 |
-
Args:
|
113 |
-
use_sampling (bool, optional): Use sampling if True, else do argmax decoding. Defaults to True.
|
114 |
-
top_k (int, optional): top_k used for sampling. Defaults to 250.
|
115 |
-
top_p (float, optional): top_p used for sampling, when set to 0 top_k is used. Defaults to 0.0.
|
116 |
-
temperature (float, optional): Softmax temperature parameter. Defaults to 1.0.
|
117 |
-
duration (float, optional): Duration of the generated waveform. Defaults to 30.0.
|
118 |
-
cfg_coef (float, optional): Coefficient used for classifier free guidance. Defaults to 3.0.
|
119 |
-
two_step_cfg (bool, optional): If True, performs 2 forward for Classifier Free Guidance,
|
120 |
-
instead of batching together the two. This has some impact on how things
|
121 |
-
are padded but seems to have little impact in practice.
|
122 |
-
extend_stride: when doing extended generation (i.e. more than 30 seconds), by how much
|
123 |
-
should we extend the audio each time. Larger values will mean less context is
|
124 |
-
preserved, and shorter value will require extra computations.
|
125 |
-
"""
|
126 |
-
assert extend_stride < self.max_duration, "Cannot stride by more than max generation duration."
|
127 |
-
self.extend_stride = extend_stride
|
128 |
-
self.duration = duration
|
129 |
-
self.generation_params = {
|
130 |
-
'use_sampling': use_sampling,
|
131 |
-
'temp': temperature,
|
132 |
-
'top_k': top_k,
|
133 |
-
'top_p': top_p,
|
134 |
-
'cfg_coef': cfg_coef,
|
135 |
-
'two_step_cfg': two_step_cfg,
|
136 |
-
}
|
137 |
-
|
138 |
-
def set_custom_progress_callback(self, progress_callback: tp.Optional[tp.Callable[[int, int], None]] = None):
|
139 |
-
"""Override the default progress callback."""
|
140 |
-
self._progress_callback = progress_callback
|
141 |
-
|
142 |
-
def generate_unconditional(self, num_samples: int, progress: bool = False) -> torch.Tensor:
|
143 |
-
"""Generate samples in an unconditional manner.
|
144 |
-
|
145 |
-
Args:
|
146 |
-
num_samples (int): Number of samples to be generated.
|
147 |
-
progress (bool, optional): Flag to display progress of the generation process. Defaults to False.
|
148 |
-
"""
|
149 |
-
descriptions: tp.List[tp.Optional[str]] = [None] * num_samples
|
150 |
-
attributes, prompt_tokens = self._prepare_tokens_and_attributes(descriptions, None)
|
151 |
-
return self._generate_tokens(attributes, prompt_tokens, progress)
|
152 |
-
|
153 |
-
def generate(self, descriptions: tp.List[str], progress: bool = False) -> torch.Tensor:
|
154 |
-
"""Generate samples conditioned on text.
|
155 |
-
|
156 |
-
Args:
|
157 |
-
descriptions (tp.List[str]): A list of strings used as text conditioning.
|
158 |
-
progress (bool, optional): Flag to display progress of the generation process. Defaults to False.
|
159 |
-
"""
|
160 |
-
attributes, prompt_tokens = self._prepare_tokens_and_attributes(descriptions, None)
|
161 |
-
assert prompt_tokens is None
|
162 |
-
return self._generate_tokens(attributes, prompt_tokens, progress)
|
163 |
-
|
164 |
-
def generate_with_chroma(self, descriptions: tp.List[str], melody_wavs: MelodyType,
|
165 |
-
melody_sample_rate: int, progress: bool = False) -> torch.Tensor:
|
166 |
-
"""Generate samples conditioned on text and melody.
|
167 |
-
|
168 |
-
Args:
|
169 |
-
descriptions (tp.List[str]): A list of strings used as text conditioning.
|
170 |
-
melody_wavs: (torch.Tensor or list of Tensor): A batch of waveforms used as
|
171 |
-
melody conditioning. Should have shape [B, C, T] with B matching the description length,
|
172 |
-
C=1 or 2. It can be [C, T] if there is a single description. It can also be
|
173 |
-
a list of [C, T] tensors.
|
174 |
-
melody_sample_rate: (int): Sample rate of the melody waveforms.
|
175 |
-
progress (bool, optional): Flag to display progress of the generation process. Defaults to False.
|
176 |
-
"""
|
177 |
-
if isinstance(melody_wavs, torch.Tensor):
|
178 |
-
if melody_wavs.dim() == 2:
|
179 |
-
melody_wavs = melody_wavs[None]
|
180 |
-
if melody_wavs.dim() != 3:
|
181 |
-
raise ValueError("Melody wavs should have a shape [B, C, T].")
|
182 |
-
melody_wavs = list(melody_wavs)
|
183 |
-
else:
|
184 |
-
for melody in melody_wavs:
|
185 |
-
if melody is not None:
|
186 |
-
assert melody.dim() == 2, "One melody in the list has the wrong number of dims."
|
187 |
-
|
188 |
-
melody_wavs = [
|
189 |
-
convert_audio(wav, melody_sample_rate, self.sample_rate, self.audio_channels)
|
190 |
-
if wav is not None else None
|
191 |
-
for wav in melody_wavs]
|
192 |
-
attributes, prompt_tokens = self._prepare_tokens_and_attributes(descriptions=descriptions, prompt=None,
|
193 |
-
melody_wavs=melody_wavs)
|
194 |
-
assert prompt_tokens is None
|
195 |
-
return self._generate_tokens(attributes, prompt_tokens, progress)
|
196 |
-
|
197 |
-
def generate_continuation(self, prompt: torch.Tensor, prompt_sample_rate: int,
|
198 |
-
descriptions: tp.Optional[tp.List[tp.Optional[str]]] = None,
|
199 |
-
progress: bool = False) -> torch.Tensor:
|
200 |
-
"""Generate samples conditioned on audio prompts.
|
201 |
-
|
202 |
-
Args:
|
203 |
-
prompt (torch.Tensor): A batch of waveforms used for continuation.
|
204 |
-
Prompt should be [B, C, T], or [C, T] if only one sample is generated.
|
205 |
-
prompt_sample_rate (int): Sampling rate of the given audio waveforms.
|
206 |
-
descriptions (tp.List[str], optional): A list of strings used as text conditioning. Defaults to None.
|
207 |
-
progress (bool, optional): Flag to display progress of the generation process. Defaults to False.
|
208 |
-
"""
|
209 |
-
if prompt.dim() == 2:
|
210 |
-
prompt = prompt[None]
|
211 |
-
if prompt.dim() != 3:
|
212 |
-
raise ValueError("prompt should have 3 dimensions: [B, C, T] (C = 1).")
|
213 |
-
prompt = convert_audio(prompt, prompt_sample_rate, self.sample_rate, self.audio_channels)
|
214 |
-
if descriptions is None:
|
215 |
-
descriptions = [None] * len(prompt)
|
216 |
-
attributes, prompt_tokens = self._prepare_tokens_and_attributes(descriptions, prompt)
|
217 |
-
assert prompt_tokens is not None
|
218 |
-
return self._generate_tokens(attributes, prompt_tokens, progress)
|
219 |
-
|
220 |
-
@torch.no_grad()
|
221 |
-
def _prepare_tokens_and_attributes(
|
222 |
-
self,
|
223 |
-
descriptions: tp.Sequence[tp.Optional[str]],
|
224 |
-
prompt: tp.Optional[torch.Tensor],
|
225 |
-
melody_wavs: tp.Optional[MelodyList] = None,
|
226 |
-
) -> tp.Tuple[tp.List[ConditioningAttributes], tp.Optional[torch.Tensor]]:
|
227 |
-
"""Prepare model inputs.
|
228 |
-
|
229 |
-
Args:
|
230 |
-
descriptions (tp.List[str]): A list of strings used as text conditioning.
|
231 |
-
prompt (torch.Tensor): A batch of waveforms used for continuation.
|
232 |
-
melody_wavs (tp.Optional[torch.Tensor], optional): A batch of waveforms
|
233 |
-
used as melody conditioning. Defaults to None.
|
234 |
-
"""
|
235 |
-
attributes = [
|
236 |
-
ConditioningAttributes(text={'description': description})
|
237 |
-
for description in descriptions]
|
238 |
-
|
239 |
-
if melody_wavs is None:
|
240 |
-
for attr in attributes:
|
241 |
-
attr.wav['self_wav'] = WavCondition(
|
242 |
-
torch.zeros((1, 1), device=self.device),
|
243 |
-
torch.tensor([0], device=self.device),
|
244 |
-
path='null_wav') # type: ignore
|
245 |
-
else:
|
246 |
-
if self.name != "melody":
|
247 |
-
raise RuntimeError("This model doesn't support melody conditioning. "
|
248 |
-
"Use the `melody` model.")
|
249 |
-
assert len(melody_wavs) == len(descriptions), \
|
250 |
-
f"number of melody wavs must match number of descriptions! " \
|
251 |
-
f"got melody len={len(melody_wavs)}, and descriptions len={len(descriptions)}"
|
252 |
-
for attr, melody in zip(attributes, melody_wavs):
|
253 |
-
if melody is None:
|
254 |
-
attr.wav['self_wav'] = WavCondition(
|
255 |
-
torch.zeros((1, 1), device=self.device),
|
256 |
-
torch.tensor([0], device=self.device),
|
257 |
-
path='null_wav') # type: ignore
|
258 |
-
else:
|
259 |
-
attr.wav['self_wav'] = WavCondition(
|
260 |
-
melody.to(device=self.device),
|
261 |
-
torch.tensor([melody.shape[-1]], device=self.device))
|
262 |
-
|
263 |
-
if prompt is not None:
|
264 |
-
if descriptions is not None:
|
265 |
-
assert len(descriptions) == len(prompt), "Prompt and nb. descriptions doesn't match"
|
266 |
-
prompt = prompt.to(self.device)
|
267 |
-
prompt_tokens, scale = self.compression_model.encode(prompt)
|
268 |
-
assert scale is None
|
269 |
-
else:
|
270 |
-
prompt_tokens = None
|
271 |
-
return attributes, prompt_tokens
|
272 |
-
|
273 |
-
def _generate_tokens(self, attributes: tp.List[ConditioningAttributes],
|
274 |
-
prompt_tokens: tp.Optional[torch.Tensor], progress: bool = False) -> torch.Tensor:
|
275 |
-
"""Generate discrete audio tokens given audio prompt and/or conditions.
|
276 |
-
|
277 |
-
Args:
|
278 |
-
attributes (tp.List[ConditioningAttributes]): Conditions used for generation (text/melody).
|
279 |
-
prompt_tokens (tp.Optional[torch.Tensor]): Audio prompt used for continuation.
|
280 |
-
progress (bool, optional): Flag to display progress of the generation process. Defaults to False.
|
281 |
-
Returns:
|
282 |
-
torch.Tensor: Generated audio, of shape [B, C, T], T is defined by the generation params.
|
283 |
-
"""
|
284 |
-
total_gen_len = int(self.duration * self.frame_rate)
|
285 |
-
max_prompt_len = int(min(self.duration, self.max_duration) * self.frame_rate)
|
286 |
-
current_gen_offset: int = 0
|
287 |
-
|
288 |
-
def _progress_callback(generated_tokens: int, tokens_to_generate: int):
|
289 |
-
generated_tokens += current_gen_offset
|
290 |
-
if self._progress_callback is not None:
|
291 |
-
# Note that total_gen_len might be quite wrong depending on the
|
292 |
-
# codebook pattern used, but with delay it is almost accurate.
|
293 |
-
self._progress_callback(generated_tokens, total_gen_len)
|
294 |
-
else:
|
295 |
-
print(f'{generated_tokens: 6d} / {total_gen_len: 6d}', end='\r')
|
296 |
-
|
297 |
-
if prompt_tokens is not None:
|
298 |
-
assert max_prompt_len >= prompt_tokens.shape[-1], \
|
299 |
-
"Prompt is longer than audio to generate"
|
300 |
-
|
301 |
-
callback = None
|
302 |
-
if progress:
|
303 |
-
callback = _progress_callback
|
304 |
-
|
305 |
-
if self.duration <= self.max_duration:
|
306 |
-
# generate by sampling from LM, simple case.
|
307 |
-
with self.autocast:
|
308 |
-
gen_tokens = self.lm.generate(
|
309 |
-
prompt_tokens, attributes,
|
310 |
-
callback=callback, max_gen_len=total_gen_len, **self.generation_params)
|
311 |
-
|
312 |
-
else:
|
313 |
-
# now this gets a bit messier, we need to handle prompts,
|
314 |
-
# melody conditioning etc.
|
315 |
-
ref_wavs = [attr.wav['self_wav'] for attr in attributes]
|
316 |
-
all_tokens = []
|
317 |
-
if prompt_tokens is None:
|
318 |
-
prompt_length = 0
|
319 |
-
else:
|
320 |
-
all_tokens.append(prompt_tokens)
|
321 |
-
prompt_length = prompt_tokens.shape[-1]
|
322 |
-
|
323 |
-
stride_tokens = int(self.frame_rate * self.extend_stride)
|
324 |
-
|
325 |
-
while current_gen_offset + prompt_length < total_gen_len:
|
326 |
-
time_offset = current_gen_offset / self.frame_rate
|
327 |
-
chunk_duration = min(self.duration - time_offset, self.max_duration)
|
328 |
-
max_gen_len = int(chunk_duration * self.frame_rate)
|
329 |
-
for attr, ref_wav in zip(attributes, ref_wavs):
|
330 |
-
wav_length = ref_wav.length.item()
|
331 |
-
if wav_length == 0:
|
332 |
-
continue
|
333 |
-
# We will extend the wav periodically if it not long enough.
|
334 |
-
# we have to do it here rather than in conditioners.py as otherwise
|
335 |
-
# we wouldn't have the full wav.
|
336 |
-
initial_position = int(time_offset * self.sample_rate)
|
337 |
-
wav_target_length = int(self.max_duration * self.sample_rate)
|
338 |
-
print(initial_position / self.sample_rate, wav_target_length / self.sample_rate)
|
339 |
-
positions = torch.arange(initial_position,
|
340 |
-
initial_position + wav_target_length, device=self.device)
|
341 |
-
attr.wav['self_wav'] = WavCondition(
|
342 |
-
ref_wav[0][:, positions % wav_length],
|
343 |
-
torch.full_like(ref_wav[1], wav_target_length))
|
344 |
-
with self.autocast:
|
345 |
-
gen_tokens = self.lm.generate(
|
346 |
-
prompt_tokens, attributes,
|
347 |
-
callback=callback, max_gen_len=max_gen_len, **self.generation_params)
|
348 |
-
if prompt_tokens is None:
|
349 |
-
all_tokens.append(gen_tokens)
|
350 |
-
else:
|
351 |
-
all_tokens.append(gen_tokens[:, :, prompt_tokens.shape[-1]:])
|
352 |
-
prompt_tokens = gen_tokens[:, :, stride_tokens:]
|
353 |
-
prompt_length = prompt_tokens.shape[-1]
|
354 |
-
current_gen_offset += stride_tokens
|
355 |
-
|
356 |
-
gen_tokens = torch.cat(all_tokens, dim=-1)
|
357 |
-
|
358 |
-
# generate audio
|
359 |
-
assert gen_tokens.dim() == 3
|
360 |
-
with torch.no_grad():
|
361 |
-
gen_audio = self.compression_model.decode(gen_tokens, None)
|
362 |
-
return gen_audio
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/DeepLabCut/MegaDetector_DeepLabCut/DLC_models/models.py
DELETED
@@ -1,60 +0,0 @@
|
|
1 |
-
import urllib.request
|
2 |
-
import tarfile
|
3 |
-
from tqdm import tqdm
|
4 |
-
import os
|
5 |
-
import yaml
|
6 |
-
from ruamel.yaml import YAML
|
7 |
-
|
8 |
-
def read_plainconfig(configname):
|
9 |
-
if not os.path.exists(configname):
|
10 |
-
raise FileNotFoundError(
|
11 |
-
f"Config {configname} is not found. Please make sure that the file exists."
|
12 |
-
)
|
13 |
-
with open(configname) as file:
|
14 |
-
return YAML().load(file)
|
15 |
-
|
16 |
-
def DownloadModel(modelname, target_dir):
|
17 |
-
"""
|
18 |
-
Downloads a DeepLabCut Model Zoo Project
|
19 |
-
"""
|
20 |
-
|
21 |
-
def show_progress(count, block_size, total_size):
|
22 |
-
pbar.update(block_size)
|
23 |
-
|
24 |
-
def tarfilenamecutting(tarf):
|
25 |
-
"""' auxfun to extract folder path
|
26 |
-
ie. /xyz-trainsetxyshufflez/
|
27 |
-
"""
|
28 |
-
for memberid, member in enumerate(tarf.getmembers()):
|
29 |
-
if memberid == 0:
|
30 |
-
parent = str(member.path)
|
31 |
-
l = len(parent) + 1
|
32 |
-
if member.path.startswith(parent):
|
33 |
-
member.path = member.path[l:]
|
34 |
-
yield member
|
35 |
-
|
36 |
-
neturls = read_plainconfig("./model/pretrained_model_urls.yaml") #FIXME
|
37 |
-
|
38 |
-
if modelname in neturls.keys():
|
39 |
-
url = neturls[modelname]
|
40 |
-
print(url)
|
41 |
-
response = urllib.request.urlopen(url)
|
42 |
-
print(
|
43 |
-
"Downloading the model from the DeepLabCut server @Harvard -> Go Crimson!!! {}....".format(
|
44 |
-
url
|
45 |
-
)
|
46 |
-
)
|
47 |
-
total_size = int(response.getheader("Content-Length"))
|
48 |
-
pbar = tqdm(unit="B", total=total_size, position=0)
|
49 |
-
filename, _ = urllib.request.urlretrieve(url, reporthook=show_progress)
|
50 |
-
with tarfile.open(filename, mode="r:gz") as tar:
|
51 |
-
tar.extractall(target_dir, members=tarfilenamecutting(tar))
|
52 |
-
else:
|
53 |
-
models = [
|
54 |
-
fn
|
55 |
-
for fn in neturls.keys()
|
56 |
-
if "resnet_" not in fn and "mobilenet_" not in fn
|
57 |
-
]
|
58 |
-
print("Model does not exist: ", modelname)
|
59 |
-
print("Pick one of the following: ", models)
|
60 |
-
return target_dir
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/DollieHell/pisa/README.md
DELETED
@@ -1,10 +0,0 @@
|
|
1 |
-
---
|
2 |
-
title: Pisa
|
3 |
-
emoji: 🌍
|
4 |
-
colorFrom: indigo
|
5 |
-
colorTo: purple
|
6 |
-
sdk: docker
|
7 |
-
pinned: false
|
8 |
-
---
|
9 |
-
|
10 |
-
Check out the configuration reference at https://huggingface.co/docs/hub/spaces-config-reference
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/DragGan/DragGan-Inversion/training/__init__.py
DELETED
@@ -1,9 +0,0 @@
|
|
1 |
-
# Copyright (c) 2021, NVIDIA CORPORATION & AFFILIATES. All rights reserved.
|
2 |
-
#
|
3 |
-
# NVIDIA CORPORATION and its licensors retain all intellectual property
|
4 |
-
# and proprietary rights in and to this software, related documentation
|
5 |
-
# and any modifications thereto. Any use, reproduction, disclosure or
|
6 |
-
# distribution of this software and related documentation without an express
|
7 |
-
# license agreement from NVIDIA CORPORATION is strictly prohibited.
|
8 |
-
|
9 |
-
# empty
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
spaces/ECCV2022/PSG/OpenPSG/configs/_base_/datasets/psg.py
DELETED
@@ -1,93 +0,0 @@
|
|
1 |
-
# dataset settings
|
2 |
-
dataset_type = 'PanopticSceneGraphDataset'
|
3 |
-
ann_file = './data/psg/psg.json'
|
4 |
-
coco_root = 'data/coco'
|
5 |
-
|
6 |
-
img_norm_cfg = dict(mean=[123.675, 116.28, 103.53],
|
7 |
-
std=[58.395, 57.12, 57.375],
|
8 |
-
to_rgb=True)
|
9 |
-
train_pipeline = [
|
10 |
-
dict(type='LoadImageFromFile'),
|
11 |
-
dict(
|
12 |
-
type='LoadPanopticSceneGraphAnnotations',
|
13 |
-
with_bbox=True,
|
14 |
-
with_rel=True,
|
15 |
-
with_mask=True,
|
16 |
-
with_seg=True,
|
17 |
-
),
|
18 |
-
dict(type='Resize', img_scale=(1333, 800), keep_ratio=True),
|
19 |
-
dict(type='RandomFlip', flip_ratio=0.5),
|
20 |
-
dict(type='Normalize', **img_norm_cfg),
|
21 |
-
dict(type='Pad', size_divisor=32),
|
22 |
-
dict(type='SegRescale', scale_factor=1 / 4),
|
23 |
-
dict(type='SceneGraphFormatBundle'),
|
24 |
-
dict(
|
25 |
-
type='Collect',
|
26 |
-
keys=[
|
27 |
-
'img',
|
28 |
-
'gt_bboxes',
|
29 |
-
'gt_labels',
|
30 |
-
'gt_rels',
|
31 |
-
'gt_relmaps',
|
32 |
-
'gt_masks',
|
33 |
-
'gt_semantic_seg',
|
34 |
-
],
|
35 |
-
),
|
36 |
-
]
|
37 |
-
test_pipeline = [
|
38 |
-
dict(type='LoadImageFromFile'),
|
39 |
-
# Since the forward process may need gt info, annos must be loaded.
|
40 |
-
dict(type='LoadPanopticSceneGraphAnnotations',
|
41 |
-
with_bbox=True,
|
42 |
-
with_rel=True),
|
43 |
-
dict(
|
44 |
-
type='MultiScaleFlipAug',
|
45 |
-
img_scale=(1333, 800),
|
46 |
-
flip=False,
|
47 |
-
transforms=[
|
48 |
-
dict(type='Resize', keep_ratio=True),
|
49 |
-
dict(type='RandomFlip'),
|
50 |
-
dict(type='Normalize', **img_norm_cfg),
|
51 |
-
dict(type='Pad', size_divisor=32),
|
52 |
-
# NOTE: Do not change the img to DC.
|
53 |
-
dict(type='ImageToTensor', keys=['img']),
|
54 |
-
dict(type='ToTensor', keys=['gt_bboxes', 'gt_labels']),
|
55 |
-
dict(
|
56 |
-
type='ToDataContainer',
|
57 |
-
fields=(dict(key='gt_bboxes'), dict(key='gt_labels')),
|
58 |
-
),
|
59 |
-
dict(type='Collect', keys=['img', 'gt_bboxes', 'gt_labels']),
|
60 |
-
],
|
61 |
-
),
|
62 |
-
]
|
63 |
-
data = dict(
|
64 |
-
samples_per_gpu=2,
|
65 |
-
workers_per_gpu=2,
|
66 |
-
train=dict(
|
67 |
-
type=dataset_type,
|
68 |
-
ann_file=ann_file,
|
69 |
-
img_prefix=coco_root,
|
70 |
-
seg_prefix=coco_root,
|
71 |
-
pipeline=train_pipeline,
|
72 |
-
split='train',
|
73 |
-
all_bboxes=True,
|
74 |
-
),
|
75 |
-
val=dict(
|
76 |
-
type=dataset_type,
|
77 |
-
ann_file=ann_file,
|
78 |
-
img_prefix=coco_root,
|
79 |
-
seg_prefix=coco_root,
|
80 |
-
pipeline=test_pipeline,
|
81 |
-
split='test',
|
82 |
-
all_bboxes=True,
|
83 |
-
),
|
84 |
-
test=dict(
|
85 |
-
type=dataset_type,
|
86 |
-
ann_file=ann_file,
|
87 |
-
img_prefix=coco_root,
|
88 |
-
seg_prefix=coco_root,
|
89 |
-
pipeline=test_pipeline,
|
90 |
-
split='test',
|
91 |
-
all_bboxes=True,
|
92 |
-
),
|
93 |
-
)
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|