ayousanz commited on
Commit
dca9590
·
verified ·
1 Parent(s): 3894486

Add files using upload-large-folder tool

Browse files
This view is limited to 50 files because it contains too many changes.   See raw diff
Files changed (50) hide show
  1. .gitattributes +8 -0
  2. .venv/Lib/site-packages/__pycache__/_soundfile.cpython-39.pyc +0 -0
  3. .venv/Lib/site-packages/__pycache__/_virtualenv.cpython-39.pyc +0 -0
  4. .venv/Lib/site-packages/__pycache__/typing_extensions.cpython-39.pyc +0 -0
  5. .venv/Lib/site-packages/_soundfile_data/libsndfile_64bit.dll +3 -0
  6. .venv/Lib/site-packages/xlstm/blocks/slstm/src/__pycache__/__init__.cpython-39.pyc +0 -0
  7. .venv/Lib/site-packages/xlstm/blocks/slstm/src/__pycache__/cuda_init.cpython-39.pyc +0 -0
  8. .venv/Lib/site-packages/xlstm/blocks/slstm/src/util/support.h +69 -0
  9. .venv/Lib/site-packages/xlstm/blocks/slstm/src/util/util.h +5 -0
  10. .venv/Lib/site-packages/xlstm/blocks/slstm/src/vanilla/__init__.py +129 -0
  11. .venv/Lib/site-packages/xlstm/blocks/slstm/src/vanilla/__pycache__/__init__.cpython-39.pyc +0 -0
  12. .venv/Lib/site-packages/xlstm/blocks/slstm/src/vanilla/__pycache__/lstm.cpython-39.pyc +0 -0
  13. .venv/Lib/site-packages/xlstm/blocks/slstm/src/vanilla/__pycache__/slstm.cpython-39.pyc +0 -0
  14. .venv/Lib/site-packages/xlstm/blocks/slstm/src/vanilla/lstm.py +33 -0
  15. .venv/Lib/site-packages/xlstm/blocks/slstm/src/vanilla/slstm.py +39 -0
  16. .venv/Scripts/accelerate-config.exe +0 -0
  17. .venv/Scripts/accelerate-estimate-memory.exe +0 -0
  18. .venv/Scripts/accelerate-launch.exe +0 -0
  19. .venv/Scripts/accelerate-merge-weights.exe +0 -0
  20. .venv/Scripts/accelerate.exe +0 -0
  21. .venv/Scripts/activate +116 -0
  22. .venv/Scripts/activate.bat +59 -0
  23. .venv/Scripts/activate.csh +76 -0
  24. .venv/Scripts/activate.fish +124 -0
  25. .venv/Scripts/activate.nu +117 -0
  26. .venv/Scripts/activate.ps1 +82 -0
  27. .venv/Scripts/activate_this.py +59 -0
  28. .venv/Scripts/convert-caffe2-to-onnx.exe +0 -0
  29. .venv/Scripts/convert-onnx-to-caffe2.exe +0 -0
  30. .venv/Scripts/cutlet.exe +0 -0
  31. .venv/Scripts/deactivate.bat +39 -0
  32. .venv/Scripts/f2py.exe +0 -0
  33. .venv/Scripts/fonttools.exe +0 -0
  34. .venv/Scripts/fugashi-build-dict.exe +0 -0
  35. .venv/Scripts/fugashi-info.exe +0 -0
  36. .venv/Scripts/fugashi.exe +0 -0
  37. .venv/Scripts/huggingface-cli.exe +0 -0
  38. .venv/Scripts/isympy.exe +0 -0
  39. .venv/Scripts/mecab-py-info.exe +0 -0
  40. .venv/Scripts/mecab-py.exe +0 -0
  41. .venv/Scripts/nltk.exe +0 -0
  42. .venv/Scripts/normalizer.exe +0 -0
  43. .venv/Scripts/numba +8 -0
  44. .venv/Scripts/plac_runner.py +72 -0
  45. .venv/Scripts/pydoc.bat +22 -0
  46. .venv/Scripts/pyftmerge.exe +0 -0
  47. .venv/Scripts/pyftsubset.exe +0 -0
  48. .venv/Scripts/python.exe +0 -0
  49. .venv/Scripts/pythonw.exe +0 -0
  50. .venv/Scripts/torchfrtrace.exe +0 -0
.gitattributes CHANGED
@@ -126,3 +126,11 @@ reference_sample_wavs/syuukovoice_200918_3_01.wav filter=lfs diff=lfs merge=lfs
126
  .venv/Lib/site-packages/torch/lib/libprotobuf.lib filter=lfs diff=lfs merge=lfs -text
127
  .venv/Lib/site-packages/torch/lib/torch_cpu.dll filter=lfs diff=lfs merge=lfs -text
128
  .venv/Lib/site-packages/torch/lib/cusparse64_12.dll filter=lfs diff=lfs merge=lfs -text
 
 
 
 
 
 
 
 
 
126
  .venv/Lib/site-packages/torch/lib/libprotobuf.lib filter=lfs diff=lfs merge=lfs -text
127
  .venv/Lib/site-packages/torch/lib/torch_cpu.dll filter=lfs diff=lfs merge=lfs -text
128
  .venv/Lib/site-packages/torch/lib/cusparse64_12.dll filter=lfs diff=lfs merge=lfs -text
129
+ .venv/Lib/site-packages/_soundfile_data/libsndfile_64bit.dll filter=lfs diff=lfs merge=lfs -text
130
+ Data/Tsukuyomi/wavs/VOICEACTRESS100_002.wav filter=lfs diff=lfs merge=lfs -text
131
+ Data/Tsukuyomi/wavs/VOICEACTRESS100_004.wav filter=lfs diff=lfs merge=lfs -text
132
+ Data/Tsukuyomi/wavs/VOICEACTRESS100_001.wav filter=lfs diff=lfs merge=lfs -text
133
+ Data/Tsukuyomi/wavs/VOICEACTRESS100_006.wav filter=lfs diff=lfs merge=lfs -text
134
+ Data/Tsukuyomi/wavs/VOICEACTRESS100_005.wav filter=lfs diff=lfs merge=lfs -text
135
+ Data/Tsukuyomi/wavs/VOICEACTRESS100_007.wav filter=lfs diff=lfs merge=lfs -text
136
+ Data/Tsukuyomi/wavs/VOICEACTRESS100_003.wav filter=lfs diff=lfs merge=lfs -text
.venv/Lib/site-packages/__pycache__/_soundfile.cpython-39.pyc ADDED
Binary file (3.28 kB). View file
 
.venv/Lib/site-packages/__pycache__/_virtualenv.cpython-39.pyc ADDED
Binary file (2.69 kB). View file
 
.venv/Lib/site-packages/__pycache__/typing_extensions.cpython-39.pyc ADDED
Binary file (89 kB). View file
 
.venv/Lib/site-packages/_soundfile_data/libsndfile_64bit.dll ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:cd5c68b6ab7ca062951c5f5504f5bf5aa534f0f86ed857650b357b8ffdf5d0cd
3
+ size 2278400
.venv/Lib/site-packages/xlstm/blocks/slstm/src/__pycache__/__init__.cpython-39.pyc ADDED
Binary file (194 Bytes). View file
 
.venv/Lib/site-packages/xlstm/blocks/slstm/src/__pycache__/cuda_init.cpython-39.pyc ADDED
Binary file (2.46 kB). View file
 
.venv/Lib/site-packages/xlstm/blocks/slstm/src/util/support.h ADDED
@@ -0,0 +1,69 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ // Copyright (c) NXAI GmbH and its affiliates 2023
2
+ // Korbinian Poeppel
3
+ // Adapted from the haste library
4
+ //
5
+ // See:
6
+ // Copyright 2020 LMNT, Inc. All Rights Reserved.
7
+ //
8
+ // Licensed under the Apache License, Version 2.0 (the "License");
9
+ // you may not use this file except in compliance with the License.
10
+ // You may obtain a copy of the License at
11
+ //
12
+ // http://www.apache.org/licenses/LICENSE-2.0
13
+ //
14
+ // Unless required by applicable law or agreed to in writing, software
15
+ // distributed under the License is distributed on an "AS IS" BASIS,
16
+ // WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
17
+ // See the License for the specific language governing permissions and
18
+ // limitations under the License.
19
+ // ==============================================================================
20
+
21
+ #pragma once
22
+
23
+ #include <ATen/ATen.h>
24
+ #include <torch/extension.h>
25
+
26
+ #define CHECK_CUDA(x) \
27
+ TORCH_CHECK(x.options().device().is_cuda(), #x " must be a CUDA tensor")
28
+ #define CHECK_CONTIGUOUS(x) \
29
+ TORCH_CHECK(x.is_contiguous(), #x " must be contiguous")
30
+ #define CHECK_INPUT(x) \
31
+ CHECK_CUDA(x); \
32
+ CHECK_CONTIGUOUS(x)
33
+
34
+ #define AT_DISPATCH_CASE_FLOATING_TYPES_AND_HALF2(...) \
35
+ AT_DISPATCH_CASE(at::ScalarType::Double, __VA_ARGS__) \
36
+ AT_DISPATCH_CASE(at::ScalarType::Float, __VA_ARGS__) \
37
+ AT_DISPATCH_CASE(at::ScalarType::Half, __VA_ARGS__) \
38
+ AT_DISPATCH_CASE(at::ScalarType::BFloat16, __VA_ARGS__)
39
+
40
+ #define AT_DISPATCH_FLOATING_TYPES_AND_HALF2(TYPE, NAME, ...) \
41
+ AT_DISPATCH_SWITCH(TYPE, NAME, \
42
+ AT_DISPATCH_CASE_FLOATING_TYPES_AND_HALF2(__VA_ARGS__))
43
+
44
+ template <typename U> struct native_type {
45
+ using T = U;
46
+ };
47
+
48
+ template <> struct native_type<c10::Half> {
49
+ using T = __half;
50
+ };
51
+
52
+ template <typename U> typename native_type<U>::T *ptr(torch::Tensor t) {
53
+ return reinterpret_cast<typename native_type<U>::T *>(t.data_ptr<U>());
54
+ }
55
+
56
+ template <typename T> torch::Dtype typeToTorchDtype();
57
+
58
+ // Specializations for supported types
59
+ template <> torch::Dtype typeToTorchDtype<float>() { return torch::kFloat; }
60
+
61
+ template <> torch::Dtype typeToTorchDtype<at::Half>() { return torch::kHalf; }
62
+
63
+ template <> torch::Dtype typeToTorchDtype<at::BFloat16>() {
64
+ return torch::kBFloat16;
65
+ }
66
+
67
+ template <> torch::Dtype typeToTorchDtype<__nv_bfloat16>() {
68
+ return torch::kBFloat16;
69
+ }
.venv/Lib/site-packages/xlstm/blocks/slstm/src/util/util.h ADDED
@@ -0,0 +1,5 @@
 
 
 
 
 
 
1
+ #pragma once
2
+
3
+ #ifndef uint
4
+ typedef unsigned int uint;
5
+ #endif
.venv/Lib/site-packages/xlstm/blocks/slstm/src/vanilla/__init__.py ADDED
@@ -0,0 +1,129 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # Copyright (c) NXAI GmbH and its affiliates 2023
2
+ # Korbininan Pöppel
3
+
4
+ from typing import Callable
5
+ import torch
6
+
7
+ from .slstm import slstm_forward_pointwise as slstm_forward_pointwise_slstm
8
+ from .lstm import slstm_forward_pointwise as slstm_forward_pointwise_lstm
9
+
10
+
11
+ slstm_pointwise_function_registry: dict[str, Callable] = {
12
+ "slstm": slstm_forward_pointwise_slstm,
13
+ "lstm": slstm_forward_pointwise_lstm,
14
+ }
15
+
16
+
17
+ def slstm_forward(
18
+ x: torch.Tensor, # [S, B, G*I]
19
+ states: torch.Tensor, # [4, B, H] only the first is used for recurrence!
20
+ R: torch.Tensor, # [K, R*H, H] - K num_heads
21
+ b: torch.Tensor, # [T*H]
22
+ pointwise_forward: Callable[
23
+ tuple[torch.Tensor, torch.Tensor, torch.Tensor, torch.Tensor, dict[str, float]],
24
+ tuple[torch.Tensor, torch.Tensor],
25
+ ],
26
+ constants: dict[str, float] = {},
27
+ ) -> tuple[torch.Tensor, torch.Tensor, torch.Tensor]:
28
+ num_states = states.shape[0]
29
+ sequence_dim = x.shape[0]
30
+ num_gates_r = (
31
+ R.shape[1] // R.shape[2]
32
+ ) # this only works for a fully-connected RNN, for a hin change this
33
+ hidden_dim = R.shape[2] * R.shape[0]
34
+ num_gates_t = b.shape[0] // hidden_dim
35
+ batch_dim = x.shape[1]
36
+ num_heads = R.shape[0]
37
+ head_dim = R.shape[2]
38
+
39
+ assert batch_dim == states.shape[1]
40
+ assert hidden_dim == states.shape[2]
41
+
42
+ g = torch.zeros(
43
+ [sequence_dim + 1, num_gates_t, batch_dim, hidden_dim],
44
+ device=x.device,
45
+ dtype=x.dtype,
46
+ )
47
+
48
+ states_all = torch.zeros(
49
+ [num_states, sequence_dim + 1, batch_dim, hidden_dim],
50
+ device=x.device,
51
+ dtype=x.dtype,
52
+ )
53
+ states_all[:, 0] = states
54
+ for i, Wx_t in enumerate(x.unbind(dim=0)):
55
+ Ry = (
56
+ states[0]
57
+ .reshape(batch_dim, num_heads, 1, -1)
58
+ .matmul(
59
+ R.transpose(1, 2).reshape(
60
+ 1, num_heads, head_dim, num_gates_r * head_dim
61
+ )
62
+ )
63
+ .reshape(batch_dim, num_heads, num_gates_r, -1)
64
+ .transpose(1, 2)
65
+ .reshape(batch_dim, -1)
66
+ )
67
+ sdtype = states.dtype
68
+ states, gates = pointwise_forward(Wx_t, Ry, b, states, constants=constants)
69
+ states = states.to(dtype=sdtype)
70
+ g[i] = gates
71
+ states_all[:, i + 1] = states
72
+
73
+ # shapes ([S, B, H], ([B,H], [B,H], [B,H]), [S, B, 4*H])
74
+ return states_all, states, g
75
+
76
+
77
+ def slstm_forward_step(
78
+ x: torch.Tensor, # [B, G*I]
79
+ states: torch.Tensor, # [4, B, H] only the first is used for recurrence!
80
+ R: torch.Tensor, # [K, R*H, H] - K num_heads
81
+ b: torch.Tensor, # [T*H]
82
+ pointwise_forward: Callable[
83
+ tuple[torch.Tensor, torch.Tensor, torch.Tensor, torch.Tensor, dict[str, float]],
84
+ tuple[torch.Tensor, torch.Tensor],
85
+ ],
86
+ constants: dict[str, float] = {},
87
+ ) -> tuple[torch.Tensor, torch.Tensor, torch.Tensor]:
88
+ num_states = states.shape[0]
89
+ sequence_dim = x.shape[0]
90
+ num_gates_r = (
91
+ R.shape[1] // R.shape[2]
92
+ ) # this only works for a fully-connected RNN, for a hin change this
93
+ hidden_dim = R.shape[2] * R.shape[0]
94
+ num_gates_t = b.shape[0] // hidden_dim
95
+ batch_dim = x.shape[1]
96
+ num_heads = R.shape[0]
97
+ head_dim = R.shape[2]
98
+
99
+ assert batch_dim == states.shape[1]
100
+ assert hidden_dim == states.shape[2]
101
+
102
+ g = torch.zeros(
103
+ [sequence_dim + 1, num_gates_t, batch_dim, hidden_dim],
104
+ device=x.device,
105
+ dtype=x.dtype,
106
+ )
107
+
108
+ states_all = torch.zeros(
109
+ [num_states, sequence_dim + 1, batch_dim, hidden_dim],
110
+ device=x.device,
111
+ dtype=x.dtype,
112
+ )
113
+ states_all[:, 0] = states
114
+ Ry = (
115
+ states[0]
116
+ .reshape(batch_dim, num_heads, 1, -1)
117
+ .matmul(
118
+ R.transpose(1, 2).reshape(1, num_heads, head_dim, num_gates_r * head_dim)
119
+ )
120
+ .reshape(batch_dim, num_heads, num_gates_r, -1)
121
+ .transpose(1, 2)
122
+ .reshape(batch_dim, -1)
123
+ )
124
+ sdtype = states.dtype
125
+ states, gates = pointwise_forward(x[0], Ry, b, states, constants=constants)
126
+ states = states.to(dtype=sdtype)
127
+
128
+ # shapes ([S, B, H], ([B,H], [B,H], [B,H]), [S, B, 4*H])
129
+ return states[:, None, ...], g[:, None, ...]
.venv/Lib/site-packages/xlstm/blocks/slstm/src/vanilla/__pycache__/__init__.cpython-39.pyc ADDED
Binary file (2.47 kB). View file
 
.venv/Lib/site-packages/xlstm/blocks/slstm/src/vanilla/__pycache__/lstm.cpython-39.pyc ADDED
Binary file (861 Bytes). View file
 
.venv/Lib/site-packages/xlstm/blocks/slstm/src/vanilla/__pycache__/slstm.cpython-39.pyc ADDED
Binary file (1.04 kB). View file
 
.venv/Lib/site-packages/xlstm/blocks/slstm/src/vanilla/lstm.py ADDED
@@ -0,0 +1,33 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # Copyright (c) NXAI GmbH and its affiliates 2023
2
+ # Korbininan Pöppel
3
+
4
+ import torch
5
+
6
+
7
+ def slstm_forward_pointwise(
8
+ Wx: torch.Tensor, # dim [B, 4*H]
9
+ Ry: torch.Tensor, # dim [B, 4*H]
10
+ b: torch.Tensor, # dim [1, 4*H]
11
+ states: torch.Tensor, # dim [4, B, H]
12
+ constants: dict[str, float],
13
+ ) -> tuple[
14
+ torch.Tensor,
15
+ torch.Tensor,
16
+ ]:
17
+ _ = constants
18
+ raw = Wx + Ry + b
19
+ _, c = torch.unbind(states.view(2, states.shape[1], -1), dim=0)
20
+ # raw = raw.view(-1, 4, -1)
21
+ iraw, fraw, zraw, oraw = torch.unbind(raw.view(raw.shape[0], 4, -1), dim=1)
22
+ # with torch.no_grad(): # THE difference to maxg aka max_gradient (here max / max_static)
23
+ ogate = torch.sigmoid(oraw)
24
+ igate = torch.sigmoid(iraw)
25
+ fgate = torch.sigmoid(fraw)
26
+ zval = torch.tanh(zraw)
27
+ cnew = fgate * c + igate * zval
28
+ ynew = ogate * torch.tanh(cnew)
29
+
30
+ # shapes ([B,H], [B,H], [B,H]), ([B,H],[B,H],[B,H],[B,H])
31
+ return torch.stack((ynew, cnew), dim=0), torch.stack(
32
+ (igate, fgate, zraw, ogate), dim=0
33
+ )
.venv/Lib/site-packages/xlstm/blocks/slstm/src/vanilla/slstm.py ADDED
@@ -0,0 +1,39 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # Copyright (c) NXAI GmbH and its affiliates 2023
2
+ # Korbininan Pöppel
3
+
4
+ import torch
5
+ from torch.nn.functional import logsigmoid
6
+
7
+
8
+ def slstm_forward_pointwise(
9
+ Wx: torch.Tensor, # dim [B, 4*H]
10
+ Ry: torch.Tensor, # dim [B, 4*H]
11
+ b: torch.Tensor, # dim [1, 4*H]
12
+ states: torch.Tensor, # dim [4, B, H]
13
+ constants: dict[str, float],
14
+ ) -> tuple[
15
+ torch.Tensor,
16
+ torch.Tensor,
17
+ ]:
18
+ _ = constants
19
+ raw = Wx + Ry + b
20
+ y, c, n, m = torch.unbind(states.view(4, states.shape[1], -1), dim=0)
21
+ # raw = raw.view(-1, 4, -1)
22
+ iraw, fraw, zraw, oraw = torch.unbind(raw.view(raw.shape[0], 4, -1), dim=1)
23
+ # with torch.no_grad(): # THE difference to maxg aka max_gradient (here max / max_static)
24
+ logfplusm = m + logsigmoid(fraw)
25
+ if torch.all(n == 0.0):
26
+ mnew = iraw
27
+ else:
28
+ mnew = torch.max(iraw, logfplusm)
29
+ ogate = torch.sigmoid(oraw)
30
+ igate = torch.exp(iraw - mnew)
31
+ fgate = torch.exp(logfplusm - mnew)
32
+ cnew = fgate * c + igate * torch.tanh(zraw)
33
+ nnew = fgate * n + igate
34
+ ynew = ogate * cnew / nnew
35
+
36
+ # shapes ([B,H], [B,H], [B,H]), ([B,H],[B,H],[B,H],[B,H])
37
+ return torch.stack((ynew, cnew, nnew, mnew), dim=0), torch.stack(
38
+ (igate, fgate, zraw, ogate), dim=0
39
+ )
.venv/Scripts/accelerate-config.exe ADDED
Binary file (41.4 kB). View file
 
.venv/Scripts/accelerate-estimate-memory.exe ADDED
Binary file (41.4 kB). View file
 
.venv/Scripts/accelerate-launch.exe ADDED
Binary file (41.4 kB). View file
 
.venv/Scripts/accelerate-merge-weights.exe ADDED
Binary file (41.4 kB). View file
 
.venv/Scripts/accelerate.exe ADDED
Binary file (41.4 kB). View file
 
.venv/Scripts/activate ADDED
@@ -0,0 +1,116 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # Copyright (c) 2020-202x The virtualenv developers
2
+ #
3
+ # Permission is hereby granted, free of charge, to any person obtaining
4
+ # a copy of this software and associated documentation files (the
5
+ # "Software"), to deal in the Software without restriction, including
6
+ # without limitation the rights to use, copy, modify, merge, publish,
7
+ # distribute, sublicense, and/or sell copies of the Software, and to
8
+ # permit persons to whom the Software is furnished to do so, subject to
9
+ # the following conditions:
10
+ #
11
+ # The above copyright notice and this permission notice shall be
12
+ # included in all copies or substantial portions of the Software.
13
+ #
14
+ # THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND,
15
+ # EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF
16
+ # MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND
17
+ # NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE
18
+ # LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION
19
+ # OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION
20
+ # WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE.
21
+
22
+ # This file must be used with "source bin/activate" *from bash*
23
+ # you cannot run it directly
24
+
25
+ # Get script path (only used if environment is relocatable).
26
+ if [ -n "${BASH_VERSION:+x}" ] ; then
27
+ SCRIPT_PATH="${BASH_SOURCE[0]}"
28
+ if [ "$SCRIPT_PATH" = "$0" ]; then
29
+ # Only bash has a reasonably robust check for source'dness.
30
+ echo "You must source this script: \$ source $0" >&2
31
+ exit 33
32
+ fi
33
+ elif [ -n "${ZSH_VERSION:+x}" ] ; then
34
+ SCRIPT_PATH="${(%):-%x}"
35
+ elif [ -n "${KSH_VERSION:+x}" ] ; then
36
+ SCRIPT_PATH="${.sh.file}"
37
+ fi
38
+
39
+ deactivate () {
40
+ unset -f pydoc >/dev/null 2>&1 || true
41
+
42
+ # reset old environment variables
43
+ # ! [ -z ${VAR+_} ] returns true if VAR is declared at all
44
+ if ! [ -z "${_OLD_VIRTUAL_PATH:+_}" ] ; then
45
+ PATH="$_OLD_VIRTUAL_PATH"
46
+ export PATH
47
+ unset _OLD_VIRTUAL_PATH
48
+ fi
49
+ if ! [ -z "${_OLD_VIRTUAL_PYTHONHOME+_}" ] ; then
50
+ PYTHONHOME="$_OLD_VIRTUAL_PYTHONHOME"
51
+ export PYTHONHOME
52
+ unset _OLD_VIRTUAL_PYTHONHOME
53
+ fi
54
+
55
+ # The hash command must be called to get it to forget past
56
+ # commands. Without forgetting past commands the $PATH changes
57
+ # we made may not be respected
58
+ hash -r 2>/dev/null
59
+
60
+ if ! [ -z "${_OLD_VIRTUAL_PS1+_}" ] ; then
61
+ PS1="$_OLD_VIRTUAL_PS1"
62
+ export PS1
63
+ unset _OLD_VIRTUAL_PS1
64
+ fi
65
+
66
+ unset VIRTUAL_ENV
67
+ unset VIRTUAL_ENV_PROMPT
68
+ if [ ! "${1-}" = "nondestructive" ] ; then
69
+ # Self destruct!
70
+ unset -f deactivate
71
+ fi
72
+ }
73
+
74
+ # unset irrelevant variables
75
+ deactivate nondestructive
76
+
77
+ VIRTUAL_ENV='C:\Users\yuta\Desktop\Private\Tsukasa-Speech\.venv'
78
+ if ([ "$OSTYPE" = "cygwin" ] || [ "$OSTYPE" = "msys" ]) && $(command -v cygpath &> /dev/null) ; then
79
+ VIRTUAL_ENV=$(cygpath -u "$VIRTUAL_ENV")
80
+ fi
81
+ export VIRTUAL_ENV
82
+
83
+ _OLD_VIRTUAL_PATH="$PATH"
84
+ PATH="$VIRTUAL_ENV/Scripts:$PATH"
85
+ export PATH
86
+
87
+ if [ "xTsukasa-Speech" != x ] ; then
88
+ VIRTUAL_ENV_PROMPT="(Tsukasa-Speech) "
89
+ else
90
+ VIRTUAL_ENV_PROMPT="($(basename "$VIRTUAL_ENV")) "
91
+ fi
92
+ export VIRTUAL_ENV_PROMPT
93
+
94
+ # unset PYTHONHOME if set
95
+ if ! [ -z "${PYTHONHOME+_}" ] ; then
96
+ _OLD_VIRTUAL_PYTHONHOME="$PYTHONHOME"
97
+ unset PYTHONHOME
98
+ fi
99
+
100
+ if [ -z "${VIRTUAL_ENV_DISABLE_PROMPT-}" ] ; then
101
+ _OLD_VIRTUAL_PS1="${PS1-}"
102
+ PS1="${VIRTUAL_ENV_PROMPT}${PS1-}"
103
+ export PS1
104
+ fi
105
+
106
+ # Make sure to unalias pydoc if it's already there
107
+ alias pydoc 2>/dev/null >/dev/null && unalias pydoc || true
108
+
109
+ pydoc () {
110
+ python -m pydoc "$@"
111
+ }
112
+
113
+ # The hash command must be called to get it to forget past
114
+ # commands. Without forgetting past commands the $PATH changes
115
+ # we made may not be respected
116
+ hash -r 2>/dev/null
.venv/Scripts/activate.bat ADDED
@@ -0,0 +1,59 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ @REM Copyright (c) 2020-202x The virtualenv developers
2
+ @REM
3
+ @REM Permission is hereby granted, free of charge, to any person obtaining
4
+ @REM a copy of this software and associated documentation files (the
5
+ @REM "Software"), to deal in the Software without restriction, including
6
+ @REM without limitation the rights to use, copy, modify, merge, publish,
7
+ @REM distribute, sublicense, and/or sell copies of the Software, and to
8
+ @REM permit persons to whom the Software is furnished to do so, subject to
9
+ @REM the following conditions:
10
+ @REM
11
+ @REM The above copyright notice and this permission notice shall be
12
+ @REM included in all copies or substantial portions of the Software.
13
+ @REM
14
+ @REM THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND,
15
+ @REM EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF
16
+ @REM MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND
17
+ @REM NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE
18
+ @REM LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION
19
+ @REM OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION
20
+ @REM WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE.
21
+
22
+ @for %%i in ("C:\Users\yuta\Desktop\Private\Tsukasa-Speech\.venv") do @set "VIRTUAL_ENV=%%~fi"
23
+
24
+ @set "VIRTUAL_ENV_PROMPT=Tsukasa-Speech"
25
+ @if NOT DEFINED VIRTUAL_ENV_PROMPT (
26
+ @for %%d in ("%VIRTUAL_ENV%") do @set "VIRTUAL_ENV_PROMPT=%%~nxd"
27
+ )
28
+
29
+ @if defined _OLD_VIRTUAL_PROMPT (
30
+ @set "PROMPT=%_OLD_VIRTUAL_PROMPT%"
31
+ ) else (
32
+ @if not defined PROMPT (
33
+ @set "PROMPT=$P$G"
34
+ )
35
+ @if not defined VIRTUAL_ENV_DISABLE_PROMPT (
36
+ @set "_OLD_VIRTUAL_PROMPT=%PROMPT%"
37
+ )
38
+ )
39
+ @if not defined VIRTUAL_ENV_DISABLE_PROMPT (
40
+ @set "PROMPT=(%VIRTUAL_ENV_PROMPT%) %PROMPT%"
41
+ )
42
+
43
+ @REM Don't use () to avoid problems with them in %PATH%
44
+ @if defined _OLD_VIRTUAL_PYTHONHOME @goto ENDIFVHOME
45
+ @set "_OLD_VIRTUAL_PYTHONHOME=%PYTHONHOME%"
46
+ :ENDIFVHOME
47
+
48
+ @set PYTHONHOME=
49
+
50
+ @REM if defined _OLD_VIRTUAL_PATH (
51
+ @if not defined _OLD_VIRTUAL_PATH @goto ENDIFVPATH1
52
+ @set "PATH=%_OLD_VIRTUAL_PATH%"
53
+ :ENDIFVPATH1
54
+ @REM ) else (
55
+ @if defined _OLD_VIRTUAL_PATH @goto ENDIFVPATH2
56
+ @set "_OLD_VIRTUAL_PATH=%PATH%"
57
+ :ENDIFVPATH2
58
+
59
+ @set "PATH=%VIRTUAL_ENV%\Scripts;%PATH%"
.venv/Scripts/activate.csh ADDED
@@ -0,0 +1,76 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # Copyright (c) 2020-202x The virtualenv developers
2
+ #
3
+ # Permission is hereby granted, free of charge, to any person obtaining
4
+ # a copy of this software and associated documentation files (the
5
+ # "Software"), to deal in the Software without restriction, including
6
+ # without limitation the rights to use, copy, modify, merge, publish,
7
+ # distribute, sublicense, and/or sell copies of the Software, and to
8
+ # permit persons to whom the Software is furnished to do so, subject to
9
+ # the following conditions:
10
+ #
11
+ # The above copyright notice and this permission notice shall be
12
+ # included in all copies or substantial portions of the Software.
13
+ #
14
+ # THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND,
15
+ # EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF
16
+ # MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND
17
+ # NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE
18
+ # LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION
19
+ # OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION
20
+ # WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE.
21
+
22
+ # This file must be used with "source bin/activate.csh" *from csh*.
23
+ # You cannot run it directly.
24
+ # Created by Davide Di Blasi <[email protected]>.
25
+
26
+ set newline='\
27
+ '
28
+
29
+ alias deactivate 'test $?_OLD_VIRTUAL_PATH != 0 && setenv PATH "$_OLD_VIRTUAL_PATH:q" && unset _OLD_VIRTUAL_PATH; rehash; test $?_OLD_VIRTUAL_PROMPT != 0 && set prompt="$_OLD_VIRTUAL_PROMPT:q" && unset _OLD_VIRTUAL_PROMPT; unsetenv VIRTUAL_ENV; unsetenv VIRTUAL_ENV_PROMPT; test "\!:*" != "nondestructive" && unalias deactivate && unalias pydoc'
30
+
31
+ # Unset irrelevant variables.
32
+ deactivate nondestructive
33
+
34
+ setenv VIRTUAL_ENV 'C:\Users\yuta\Desktop\Private\Tsukasa-Speech\.venv'
35
+
36
+ set _OLD_VIRTUAL_PATH="$PATH:q"
37
+ setenv PATH "$VIRTUAL_ENV:q/Scripts:$PATH:q"
38
+
39
+
40
+
41
+ if ('Tsukasa-Speech' != "") then
42
+ setenv VIRTUAL_ENV_PROMPT 'Tsukasa-Speech'
43
+ else
44
+ setenv VIRTUAL_ENV_PROMPT "$VIRTUAL_ENV:t:q"
45
+ endif
46
+
47
+ if ( $?VIRTUAL_ENV_DISABLE_PROMPT ) then
48
+ if ( $VIRTUAL_ENV_DISABLE_PROMPT == "" ) then
49
+ set do_prompt = "1"
50
+ else
51
+ set do_prompt = "0"
52
+ endif
53
+ else
54
+ set do_prompt = "1"
55
+ endif
56
+
57
+ if ( $do_prompt == "1" ) then
58
+ # Could be in a non-interactive environment,
59
+ # in which case, $prompt is undefined and we wouldn't
60
+ # care about the prompt anyway.
61
+ if ( $?prompt ) then
62
+ set _OLD_VIRTUAL_PROMPT="$prompt:q"
63
+ if ( "$prompt:q" =~ *"$newline:q"* ) then
64
+ :
65
+ else
66
+ set prompt = '('"$VIRTUAL_ENV_PROMPT:q"') '"$prompt:q"
67
+ endif
68
+ endif
69
+ endif
70
+
71
+ unset env_name
72
+ unset do_prompt
73
+
74
+ alias pydoc python -m pydoc
75
+
76
+ rehash
.venv/Scripts/activate.fish ADDED
@@ -0,0 +1,124 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # Copyright (c) 2020-202x The virtualenv developers
2
+ #
3
+ # Permission is hereby granted, free of charge, to any person obtaining
4
+ # a copy of this software and associated documentation files (the
5
+ # "Software"), to deal in the Software without restriction, including
6
+ # without limitation the rights to use, copy, modify, merge, publish,
7
+ # distribute, sublicense, and/or sell copies of the Software, and to
8
+ # permit persons to whom the Software is furnished to do so, subject to
9
+ # the following conditions:
10
+ #
11
+ # The above copyright notice and this permission notice shall be
12
+ # included in all copies or substantial portions of the Software.
13
+ #
14
+ # THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND,
15
+ # EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF
16
+ # MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND
17
+ # NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE
18
+ # LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION
19
+ # OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION
20
+ # WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE.
21
+
22
+ # This file must be used using `source bin/activate.fish` *within a running fish ( http://fishshell.com ) session*.
23
+ # Do not run it directly.
24
+
25
+ function _bashify_path -d "Converts a fish path to something bash can recognize"
26
+ set fishy_path $argv
27
+ set bashy_path $fishy_path[1]
28
+ for path_part in $fishy_path[2..-1]
29
+ set bashy_path "$bashy_path:$path_part"
30
+ end
31
+ echo $bashy_path
32
+ end
33
+
34
+ function _fishify_path -d "Converts a bash path to something fish can recognize"
35
+ echo $argv | tr ':' '\n'
36
+ end
37
+
38
+ function deactivate -d 'Exit virtualenv mode and return to the normal environment.'
39
+ # reset old environment variables
40
+ if test -n "$_OLD_VIRTUAL_PATH"
41
+ # https://github.com/fish-shell/fish-shell/issues/436 altered PATH handling
42
+ if test (echo $FISH_VERSION | head -c 1) -lt 3
43
+ set -gx PATH (_fishify_path "$_OLD_VIRTUAL_PATH")
44
+ else
45
+ set -gx PATH $_OLD_VIRTUAL_PATH
46
+ end
47
+ set -e _OLD_VIRTUAL_PATH
48
+ end
49
+
50
+ if test -n "$_OLD_VIRTUAL_PYTHONHOME"
51
+ set -gx PYTHONHOME "$_OLD_VIRTUAL_PYTHONHOME"
52
+ set -e _OLD_VIRTUAL_PYTHONHOME
53
+ end
54
+
55
+ if test -n "$_OLD_FISH_PROMPT_OVERRIDE"
56
+ and functions -q _old_fish_prompt
57
+ # Set an empty local `$fish_function_path` to allow the removal of `fish_prompt` using `functions -e`.
58
+ set -l fish_function_path
59
+
60
+ # Erase virtualenv's `fish_prompt` and restore the original.
61
+ functions -e fish_prompt
62
+ functions -c _old_fish_prompt fish_prompt
63
+ functions -e _old_fish_prompt
64
+ set -e _OLD_FISH_PROMPT_OVERRIDE
65
+ end
66
+
67
+ set -e VIRTUAL_ENV
68
+ set -e VIRTUAL_ENV_PROMPT
69
+
70
+ if test "$argv[1]" != 'nondestructive'
71
+ # Self-destruct!
72
+ functions -e pydoc
73
+ functions -e deactivate
74
+ functions -e _bashify_path
75
+ functions -e _fishify_path
76
+ end
77
+ end
78
+
79
+ # Unset irrelevant variables.
80
+ deactivate nondestructive
81
+
82
+ set -gx VIRTUAL_ENV 'C:\Users\yuta\Desktop\Private\Tsukasa-Speech\.venv'
83
+
84
+ # https://github.com/fish-shell/fish-shell/issues/436 altered PATH handling
85
+ if test (echo $FISH_VERSION | head -c 1) -lt 3
86
+ set -gx _OLD_VIRTUAL_PATH (_bashify_path $PATH)
87
+ else
88
+ set -gx _OLD_VIRTUAL_PATH $PATH
89
+ end
90
+ set -gx PATH "$VIRTUAL_ENV"'/Scripts' $PATH
91
+
92
+ # Prompt override provided?
93
+ # If not, just use the environment name.
94
+ if test -n 'Tsukasa-Speech'
95
+ set -gx VIRTUAL_ENV_PROMPT 'Tsukasa-Speech'
96
+ else
97
+ set -gx VIRTUAL_ENV_PROMPT (basename "$VIRTUAL_ENV")
98
+ end
99
+
100
+ # Unset `$PYTHONHOME` if set.
101
+ if set -q PYTHONHOME
102
+ set -gx _OLD_VIRTUAL_PYTHONHOME $PYTHONHOME
103
+ set -e PYTHONHOME
104
+ end
105
+
106
+ function pydoc
107
+ python -m pydoc $argv
108
+ end
109
+
110
+ if test -z "$VIRTUAL_ENV_DISABLE_PROMPT"
111
+ # Copy the current `fish_prompt` function as `_old_fish_prompt`.
112
+ functions -c fish_prompt _old_fish_prompt
113
+
114
+ function fish_prompt
115
+ # Run the user's prompt first; it might depend on (pipe)status.
116
+ set -l prompt (_old_fish_prompt)
117
+
118
+ printf '(%s) ' $VIRTUAL_ENV_PROMPT
119
+
120
+ string join -- \n $prompt # handle multi-line prompts
121
+ end
122
+
123
+ set -gx _OLD_FISH_PROMPT_OVERRIDE "$VIRTUAL_ENV"
124
+ end
.venv/Scripts/activate.nu ADDED
@@ -0,0 +1,117 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # Copyright (c) 2020-202x The virtualenv developers
2
+ #
3
+ # Permission is hereby granted, free of charge, to any person obtaining
4
+ # a copy of this software and associated documentation files (the
5
+ # "Software"), to deal in the Software without restriction, including
6
+ # without limitation the rights to use, copy, modify, merge, publish,
7
+ # distribute, sublicense, and/or sell copies of the Software, and to
8
+ # permit persons to whom the Software is furnished to do so, subject to
9
+ # the following conditions:
10
+ #
11
+ # The above copyright notice and this permission notice shall be
12
+ # included in all copies or substantial portions of the Software.
13
+ #
14
+ # THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND,
15
+ # EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF
16
+ # MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND
17
+ # NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE
18
+ # LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION
19
+ # OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION
20
+ # WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE.
21
+
22
+ # virtualenv activation module
23
+ # Activate with `overlay use activate.nu`
24
+ # Deactivate with `deactivate`, as usual
25
+ #
26
+ # To customize the overlay name, you can call `overlay use activate.nu as foo`,
27
+ # but then simply `deactivate` won't work because it is just an alias to hide
28
+ # the "activate" overlay. You'd need to call `overlay hide foo` manually.
29
+
30
+ export-env {
31
+ def is-string [x] {
32
+ ($x | describe) == 'string'
33
+ }
34
+
35
+ def has-env [...names] {
36
+ $names | each {|n|
37
+ $n in $env
38
+ } | all {|i| $i == true}
39
+ }
40
+
41
+ # Emulates a `test -z`, but better as it handles e.g 'false'
42
+ def is-env-true [name: string] {
43
+ if (has-env $name) {
44
+ # Try to parse 'true', '0', '1', and fail if not convertible
45
+ let parsed = (do -i { $env | get $name | into bool })
46
+ if ($parsed | describe) == 'bool' {
47
+ $parsed
48
+ } else {
49
+ not ($env | get -i $name | is-empty)
50
+ }
51
+ } else {
52
+ false
53
+ }
54
+ }
55
+
56
+ let virtual_env = 'C:\Users\yuta\Desktop\Private\Tsukasa-Speech\.venv'
57
+ let bin = 'Scripts'
58
+
59
+ let is_windows = ($nu.os-info.family) == 'windows'
60
+ let path_name = (if (has-env 'Path') {
61
+ 'Path'
62
+ } else {
63
+ 'PATH'
64
+ }
65
+ )
66
+
67
+ let venv_path = ([$virtual_env $bin] | path join)
68
+ let new_path = ($env | get $path_name | prepend $venv_path)
69
+
70
+ # If there is no default prompt, then use the env name instead
71
+ let virtual_env_prompt = (if ('Tsukasa-Speech' | is-empty) {
72
+ ($virtual_env | path basename)
73
+ } else {
74
+ 'Tsukasa-Speech'
75
+ })
76
+
77
+ let new_env = {
78
+ $path_name : $new_path
79
+ VIRTUAL_ENV : $virtual_env
80
+ VIRTUAL_ENV_PROMPT : $virtual_env_prompt
81
+ }
82
+
83
+ let new_env = (if (is-env-true 'VIRTUAL_ENV_DISABLE_PROMPT') {
84
+ $new_env
85
+ } else {
86
+ # Creating the new prompt for the session
87
+ let virtual_prefix = $'(char lparen)($virtual_env_prompt)(char rparen) '
88
+
89
+ # Back up the old prompt builder
90
+ let old_prompt_command = (if (has-env 'PROMPT_COMMAND') {
91
+ $env.PROMPT_COMMAND
92
+ } else {
93
+ ''
94
+ })
95
+
96
+ let new_prompt = (if (has-env 'PROMPT_COMMAND') {
97
+ if 'closure' in ($old_prompt_command | describe) {
98
+ {|| $'($virtual_prefix)(do $old_prompt_command)' }
99
+ } else {
100
+ {|| $'($virtual_prefix)($old_prompt_command)' }
101
+ }
102
+ } else {
103
+ {|| $'($virtual_prefix)' }
104
+ })
105
+
106
+ $new_env | merge {
107
+ PROMPT_COMMAND : $new_prompt
108
+ VIRTUAL_PREFIX : $virtual_prefix
109
+ }
110
+ })
111
+
112
+ # Environment variables that will be loaded as the virtual env
113
+ load-env $new_env
114
+ }
115
+
116
+ export alias pydoc = python -m pydoc
117
+ export alias deactivate = overlay hide activate
.venv/Scripts/activate.ps1 ADDED
@@ -0,0 +1,82 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # Copyright (c) 2020-202x The virtualenv developers
2
+ #
3
+ # Permission is hereby granted, free of charge, to any person obtaining
4
+ # a copy of this software and associated documentation files (the
5
+ # "Software"), to deal in the Software without restriction, including
6
+ # without limitation the rights to use, copy, modify, merge, publish,
7
+ # distribute, sublicense, and/or sell copies of the Software, and to
8
+ # permit persons to whom the Software is furnished to do so, subject to
9
+ # the following conditions:
10
+ #
11
+ # The above copyright notice and this permission notice shall be
12
+ # included in all copies or substantial portions of the Software.
13
+ #
14
+ # THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND,
15
+ # EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF
16
+ # MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND
17
+ # NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE
18
+ # LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION
19
+ # OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION
20
+ # WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE.
21
+
22
+ $script:THIS_PATH = $myinvocation.mycommand.path
23
+ $script:BASE_DIR = Split-Path (Resolve-Path "$THIS_PATH/..") -Parent
24
+
25
+ function global:deactivate([switch] $NonDestructive) {
26
+ if (Test-Path variable:_OLD_VIRTUAL_PATH) {
27
+ $env:PATH = $variable:_OLD_VIRTUAL_PATH
28
+ Remove-Variable "_OLD_VIRTUAL_PATH" -Scope global
29
+ }
30
+
31
+ if (Test-Path function:_old_virtual_prompt) {
32
+ $function:prompt = $function:_old_virtual_prompt
33
+ Remove-Item function:\_old_virtual_prompt
34
+ }
35
+
36
+ if ($env:VIRTUAL_ENV) {
37
+ Remove-Item env:VIRTUAL_ENV -ErrorAction SilentlyContinue
38
+ }
39
+
40
+ if ($env:VIRTUAL_ENV_PROMPT) {
41
+ Remove-Item env:VIRTUAL_ENV_PROMPT -ErrorAction SilentlyContinue
42
+ }
43
+
44
+ if (!$NonDestructive) {
45
+ # Self destruct!
46
+ Remove-Item function:deactivate
47
+ Remove-Item function:pydoc
48
+ }
49
+ }
50
+
51
+ function global:pydoc {
52
+ python -m pydoc $args
53
+ }
54
+
55
+ # unset irrelevant variables
56
+ deactivate -nondestructive
57
+
58
+ $VIRTUAL_ENV = $BASE_DIR
59
+ $env:VIRTUAL_ENV = $VIRTUAL_ENV
60
+
61
+ if ("Tsukasa-Speech" -ne "") {
62
+ $env:VIRTUAL_ENV_PROMPT = "Tsukasa-Speech"
63
+ }
64
+ else {
65
+ $env:VIRTUAL_ENV_PROMPT = $( Split-Path $env:VIRTUAL_ENV -Leaf )
66
+ }
67
+
68
+ New-Variable -Scope global -Name _OLD_VIRTUAL_PATH -Value $env:PATH
69
+
70
+ $env:PATH = "$env:VIRTUAL_ENV/Scripts;" + $env:PATH
71
+ if (!$env:VIRTUAL_ENV_DISABLE_PROMPT) {
72
+ function global:_old_virtual_prompt {
73
+ ""
74
+ }
75
+ $function:_old_virtual_prompt = $function:prompt
76
+
77
+ function global:prompt {
78
+ # Add the custom prefix to the existing prompt
79
+ $previous_prompt_value = & $function:_old_virtual_prompt
80
+ ("(" + $env:VIRTUAL_ENV_PROMPT + ") " + $previous_prompt_value)
81
+ }
82
+ }
.venv/Scripts/activate_this.py ADDED
@@ -0,0 +1,59 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # Copyright (c) 2020-202x The virtualenv developers
2
+ #
3
+ # Permission is hereby granted, free of charge, to any person obtaining
4
+ # a copy of this software and associated documentation files (the
5
+ # "Software"), to deal in the Software without restriction, including
6
+ # without limitation the rights to use, copy, modify, merge, publish,
7
+ # distribute, sublicense, and/or sell copies of the Software, and to
8
+ # permit persons to whom the Software is furnished to do so, subject to
9
+ # the following conditions:
10
+ #
11
+ # The above copyright notice and this permission notice shall be
12
+ # included in all copies or substantial portions of the Software.
13
+ #
14
+ # THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND,
15
+ # EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF
16
+ # MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND
17
+ # NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE
18
+ # LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION
19
+ # OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION
20
+ # WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE.
21
+
22
+ """
23
+ Activate virtualenv for current interpreter:
24
+
25
+ import runpy
26
+ runpy.run_path(this_file)
27
+
28
+ This can be used when you must use an existing Python interpreter, not the virtualenv bin/python.
29
+ """ # noqa: D415
30
+
31
+ from __future__ import annotations
32
+
33
+ import os
34
+ import site
35
+ import sys
36
+
37
+ try:
38
+ abs_file = os.path.abspath(__file__)
39
+ except NameError as exc:
40
+ msg = "You must use import runpy; runpy.run_path(this_file)"
41
+ raise AssertionError(msg) from exc
42
+
43
+ bin_dir = os.path.dirname(abs_file)
44
+ base = bin_dir[: -len("Scripts") - 1] # strip away the bin part from the __file__, plus the path separator
45
+
46
+ # prepend bin to PATH (this file is inside the bin directory)
47
+ os.environ["PATH"] = os.pathsep.join([bin_dir, *os.environ.get("PATH", "").split(os.pathsep)])
48
+ os.environ["VIRTUAL_ENV"] = base # virtual env is right above bin directory
49
+ os.environ["VIRTUAL_ENV_PROMPT"] = "Tsukasa-Speech" or os.path.basename(base) # noqa: SIM222
50
+
51
+ # add the virtual environments libraries to the host python import mechanism
52
+ prev_length = len(sys.path)
53
+ for lib in "..\\Lib\\site-packages".split(os.pathsep):
54
+ path = os.path.realpath(os.path.join(bin_dir, lib))
55
+ site.addsitedir(path)
56
+ sys.path[:] = sys.path[prev_length:] + sys.path[0:prev_length]
57
+
58
+ sys.real_prefix = sys.prefix
59
+ sys.prefix = base
.venv/Scripts/convert-caffe2-to-onnx.exe ADDED
Binary file (41.5 kB). View file
 
.venv/Scripts/convert-onnx-to-caffe2.exe ADDED
Binary file (41.5 kB). View file
 
.venv/Scripts/cutlet.exe ADDED
Binary file (41.4 kB). View file
 
.venv/Scripts/deactivate.bat ADDED
@@ -0,0 +1,39 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ @REM Copyright (c) 2020-202x The virtualenv developers
2
+ @REM
3
+ @REM Permission is hereby granted, free of charge, to any person obtaining
4
+ @REM a copy of this software and associated documentation files (the
5
+ @REM "Software"), to deal in the Software without restriction, including
6
+ @REM without limitation the rights to use, copy, modify, merge, publish,
7
+ @REM distribute, sublicense, and/or sell copies of the Software, and to
8
+ @REM permit persons to whom the Software is furnished to do so, subject to
9
+ @REM the following conditions:
10
+ @REM
11
+ @REM The above copyright notice and this permission notice shall be
12
+ @REM included in all copies or substantial portions of the Software.
13
+ @REM
14
+ @REM THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND,
15
+ @REM EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF
16
+ @REM MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND
17
+ @REM NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE
18
+ @REM LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION
19
+ @REM OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION
20
+ @REM WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE.
21
+
22
+ @set VIRTUAL_ENV=
23
+ @set VIRTUAL_ENV_PROMPT=
24
+
25
+ @REM Don't use () to avoid problems with them in %PATH%
26
+ @if not defined _OLD_VIRTUAL_PROMPT @goto ENDIFVPROMPT
27
+ @set "PROMPT=%_OLD_VIRTUAL_PROMPT%"
28
+ @set _OLD_VIRTUAL_PROMPT=
29
+ :ENDIFVPROMPT
30
+
31
+ @if not defined _OLD_VIRTUAL_PYTHONHOME @goto ENDIFVHOME
32
+ @set "PYTHONHOME=%_OLD_VIRTUAL_PYTHONHOME%"
33
+ @set _OLD_VIRTUAL_PYTHONHOME=
34
+ :ENDIFVHOME
35
+
36
+ @if not defined _OLD_VIRTUAL_PATH @goto ENDIFVPATH
37
+ @set "PATH=%_OLD_VIRTUAL_PATH%"
38
+ @set _OLD_VIRTUAL_PATH=
39
+ :ENDIFVPATH
.venv/Scripts/f2py.exe ADDED
Binary file (41.4 kB). View file
 
.venv/Scripts/fonttools.exe ADDED
Binary file (41.4 kB). View file
 
.venv/Scripts/fugashi-build-dict.exe ADDED
Binary file (41.4 kB). View file
 
.venv/Scripts/fugashi-info.exe ADDED
Binary file (41.4 kB). View file
 
.venv/Scripts/fugashi.exe ADDED
Binary file (41.4 kB). View file
 
.venv/Scripts/huggingface-cli.exe ADDED
Binary file (41.4 kB). View file
 
.venv/Scripts/isympy.exe ADDED
Binary file (41.4 kB). View file
 
.venv/Scripts/mecab-py-info.exe ADDED
Binary file (41.4 kB). View file
 
.venv/Scripts/mecab-py.exe ADDED
Binary file (41.4 kB). View file
 
.venv/Scripts/nltk.exe ADDED
Binary file (41.4 kB). View file
 
.venv/Scripts/normalizer.exe ADDED
Binary file (41.4 kB). View file
 
.venv/Scripts/numba ADDED
@@ -0,0 +1,8 @@
 
 
 
 
 
 
 
 
 
1
+ #!C:\Users\yuta\Desktop\Private\Tsukasa-Speech\.venv\Scripts\python.exe
2
+ # -*- coding: UTF-8 -*-
3
+ from __future__ import print_function, division, absolute_import
4
+
5
+ from numba.misc.numba_entry import main
6
+
7
+ if __name__ == "__main__":
8
+ main()
.venv/Scripts/plac_runner.py ADDED
@@ -0,0 +1,72 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ #!C:\Users\yuta\Desktop\Private\Tsukasa-Speech\.venv\Scripts\python.exe
2
+ from __future__ import with_statement
3
+ import os
4
+ import sys
5
+ import shlex
6
+ import plac
7
+
8
+
9
+ def run(fnames, cmd, verbose):
10
+ "Run batch scripts and tests"
11
+ for fname in fnames:
12
+ with open(fname) as f:
13
+ lines = list(f)
14
+ if not lines[0].startswith('#!'):
15
+ sys.exit('Missing or incorrect shebang line!')
16
+ firstline = lines[0][2:] # strip the shebang
17
+ init_args = shlex.split(firstline)
18
+ tool = plac.import_main(*init_args)
19
+ command = getattr(plac.Interpreter(tool), cmd) # doctest or execute
20
+ if verbose:
21
+ sys.stdout.write('Running %s with %s' % (fname, firstline))
22
+ command(lines[1:], verbose=verbose)
23
+
24
+
25
+ @plac.annotations(
26
+ verbose=('verbose mode', 'flag', 'v'),
27
+ interactive=('run plac tool in interactive mode', 'flag', 'i'),
28
+ multiline=('run plac tool in multiline mode', 'flag', 'm'),
29
+ serve=('run plac server', 'option', 's', int),
30
+ batch=('run plac batch files', 'flag', 'b'),
31
+ test=('run plac test files', 'flag', 't'),
32
+ fname='script to run (.py or .plac or .placet)',
33
+ extra='additional arguments',
34
+ )
35
+ def main(verbose, interactive, multiline, serve, batch, test, fname='',
36
+ *extra):
37
+ "Runner for plac tools, plac batch files and plac tests"
38
+ baseparser = plac.parser_from(main)
39
+ if not fname:
40
+ baseparser.print_help()
41
+ elif sys.argv[1] == fname: # script mode
42
+ plactool = plac.import_main(fname)
43
+ plactool.prog = os.path.basename(sys.argv[0]) + ' ' + fname
44
+ out = plac.call(plactool, sys.argv[2:], eager=False)
45
+ if plac.iterable(out):
46
+ for output in out:
47
+ print(output)
48
+ else:
49
+ print(out)
50
+ elif interactive or multiline or serve:
51
+ plactool = plac.import_main(fname, *extra)
52
+ plactool.prog = ''
53
+ i = plac.Interpreter(plactool)
54
+ if interactive:
55
+ i.interact(verbose=verbose)
56
+ elif multiline:
57
+ i.multiline(verbose=verbose)
58
+ elif serve:
59
+ i.start_server(serve)
60
+ elif batch:
61
+ run((fname,) + extra, 'execute', verbose)
62
+ elif test:
63
+ run((fname,) + extra, 'doctest', verbose)
64
+ print('run %s plac test(s)' % (len(extra) + 1))
65
+ else:
66
+ baseparser.print_usage()
67
+
68
+
69
+ main.add_help = False
70
+
71
+ if __name__ == '__main__':
72
+ plac.call(main)
.venv/Scripts/pydoc.bat ADDED
@@ -0,0 +1,22 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ @REM Copyright (c) 2020-202x The virtualenv developers
2
+ @REM
3
+ @REM Permission is hereby granted, free of charge, to any person obtaining
4
+ @REM a copy of this software and associated documentation files (the
5
+ @REM "Software"), to deal in the Software without restriction, including
6
+ @REM without limitation the rights to use, copy, modify, merge, publish,
7
+ @REM distribute, sublicense, and/or sell copies of the Software, and to
8
+ @REM permit persons to whom the Software is furnished to do so, subject to
9
+ @REM the following conditions:
10
+ @REM
11
+ @REM The above copyright notice and this permission notice shall be
12
+ @REM included in all copies or substantial portions of the Software.
13
+ @REM
14
+ @REM THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND,
15
+ @REM EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF
16
+ @REM MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND
17
+ @REM NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE
18
+ @REM LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION
19
+ @REM OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION
20
+ @REM WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE.
21
+
22
+ python.exe -m pydoc %*
.venv/Scripts/pyftmerge.exe ADDED
Binary file (41.4 kB). View file
 
.venv/Scripts/pyftsubset.exe ADDED
Binary file (41.4 kB). View file
 
.venv/Scripts/python.exe ADDED
Binary file (590 kB). View file
 
.venv/Scripts/pythonw.exe ADDED
Binary file (589 kB). View file
 
.venv/Scripts/torchfrtrace.exe ADDED
Binary file (41.4 kB). View file