deeplotx 0.9.12__tar.gz → 0.9.13__tar.gz

This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
Files changed (41) hide show
  1. {deeplotx-0.9.12 → deeplotx-0.9.13}/PKG-INFO +2 -2
  2. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx/__init__.py +1 -0
  3. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx/nn/__init__.py +1 -0
  4. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx/nn/base_neural_network.py +5 -3
  5. deeplotx-0.9.13/deeplotx/nn/lora.py +56 -0
  6. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx.egg-info/PKG-INFO +2 -2
  7. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx.egg-info/SOURCES.txt +1 -0
  8. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx.egg-info/requires.txt +1 -1
  9. {deeplotx-0.9.12 → deeplotx-0.9.13}/pyproject.toml +2 -2
  10. {deeplotx-0.9.12 → deeplotx-0.9.13}/LICENSE +0 -0
  11. {deeplotx-0.9.12 → deeplotx-0.9.13}/README.md +0 -0
  12. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx/encoder/__init__.py +0 -0
  13. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx/encoder/encoder.py +0 -0
  14. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx/encoder/long_text_encoder.py +0 -0
  15. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx/encoder/longformer_encoder.py +0 -0
  16. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx/ner/__init__.py +0 -0
  17. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx/ner/base_ner.py +0 -0
  18. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx/ner/bert_ner.py +0 -0
  19. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx/ner/n2g/__init__.py +0 -0
  20. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx/ner/named_entity.py +0 -0
  21. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx/nn/attention.py +0 -0
  22. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx/nn/auto_regression.py +0 -0
  23. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx/nn/feed_forward.py +0 -0
  24. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx/nn/linear_regression.py +0 -0
  25. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx/nn/logistic_regression.py +0 -0
  26. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx/nn/long_context_auto_regression.py +0 -0
  27. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx/nn/long_context_recursive_sequential.py +0 -0
  28. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx/nn/multi_head_attention.py +0 -0
  29. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx/nn/multi_head_feed_forward.py +0 -0
  30. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx/nn/recursive_sequential.py +0 -0
  31. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx/nn/roformer_encoder.py +0 -0
  32. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx/nn/rope.py +0 -0
  33. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx/nn/softmax_regression.py +0 -0
  34. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx/similarity/__init__.py +0 -0
  35. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx/similarity/distribution.py +0 -0
  36. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx/similarity/set.py +0 -0
  37. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx/similarity/vector.py +0 -0
  38. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx/util/__init__.py +0 -0
  39. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx.egg-info/dependency_links.txt +0 -0
  40. {deeplotx-0.9.12 → deeplotx-0.9.13}/deeplotx.egg-info/top_level.txt +0 -0
  41. {deeplotx-0.9.12 → deeplotx-0.9.13}/setup.cfg +0 -0
@@ -1,6 +1,6 @@
1
1
  Metadata-Version: 2.4
2
2
  Name: deeplotx
3
- Version: 0.9.12
3
+ Version: 0.9.13
4
4
  Summary: An out-of-the-box long-text NLP framework.
5
5
  Requires-Python: >=3.10
6
6
  Description-Content-Type: text/markdown
@@ -15,7 +15,7 @@ Requires-Dist: tiktoken
15
15
  Requires-Dist: torch
16
16
  Requires-Dist: transformers
17
17
  Requires-Dist: typing-extensions
18
- Requires-Dist: vortezwohl>=0.0.10
18
+ Requires-Dist: vortezwohl>=0.0.17
19
19
  Requires-Dist: name4py>=0.1.4
20
20
  Dynamic: license-file
21
21
 
@@ -15,6 +15,7 @@ from .nn import (
15
15
  RecursiveSequential,
16
16
  LongContextRecursiveSequential,
17
17
  RoPE,
18
+ LoRA,
18
19
  Attention,
19
20
  MultiHeadAttention,
20
21
  RoFormerEncoder,
@@ -7,6 +7,7 @@ from .softmax_regression import SoftmaxRegression
7
7
  from .recursive_sequential import RecursiveSequential
8
8
  from .long_context_recursive_sequential import LongContextRecursiveSequential
9
9
  from .rope import RoPE
10
+ from .lora import LoRA
10
11
  from .attention import Attention
11
12
  from .multi_head_attention import MultiHeadAttention
12
13
  from .roformer_encoder import RoFormerEncoder
@@ -10,13 +10,15 @@ DEFAULT_SUFFIX = 'dlx'
10
10
 
11
11
  class BaseNeuralNetwork(nn.Module):
12
12
  def __init__(self, in_features: int, out_features: int, model_name: str | None = None,
13
- device: str | None = None, dtype: torch.dtype | None = None):
13
+ device: str | torch.device | None = None, dtype: torch.dtype | None = None):
14
14
  super().__init__()
15
15
  self._model_name = model_name \
16
16
  if model_name is not None \
17
17
  else self.__class__.__name__
18
- self.device = torch.device(device) if device is not None \
19
- else torch.device('cuda' if torch.cuda.is_available() else 'cpu')
18
+ self.device = device if isinstance(device, torch.device) else None
19
+ if self.device is None:
20
+ self.device = torch.device(device) if device is not None \
21
+ else torch.device('cuda' if torch.cuda.is_available() else 'cpu')
20
22
  self.dtype = dtype if dtype is not None else torch.float32
21
23
  self._in_features = in_features
22
24
  self._out_features = out_features
@@ -0,0 +1,56 @@
1
+ from typing_extensions import override
2
+
3
+ import torch
4
+ from torch import nn
5
+
6
+ from deeplotx.nn.base_neural_network import BaseNeuralNetwork
7
+
8
+
9
+ class LoRA(BaseNeuralNetwork):
10
+ def __init__(self, input_dim: int, output_dim: int, rank: int = 8, alpha: int = 16,
11
+ dropout_rate: float = .0, model_name: str | None = None, device: str | torch.device | None = None,
12
+ dtype: torch.dtype | None = None):
13
+ super().__init__(in_features=input_dim, out_features=output_dim, model_name=model_name,
14
+ device=device, dtype=dtype)
15
+ self._rank = rank
16
+ self._alpha = alpha
17
+ self._scaling = self._alpha / self._rank
18
+ self._dropout = nn.Dropout(p=dropout_rate) if dropout_rate > .0 else nn.Identity()
19
+ self.lora_A = nn.Linear(in_features=input_dim, out_features=rank, bias=False,
20
+ device=self.device, dtype=self.dtype)
21
+ self.lora_B = nn.Linear(in_features=rank, out_features=output_dim, bias=False,
22
+ device=self.device, dtype=self.dtype)
23
+ nn.init.normal_(self.lora_A.weight, mean=.0, std=.01)
24
+ nn.init.zeros_(self.lora_B.weight)
25
+ self.w0 = None
26
+
27
+ @override
28
+ def forward(self, x: torch.Tensor) -> torch.Tensor:
29
+ if not isinstance(self.w0, nn.Module):
30
+ raise ValueError('LoRA adapter was not mounted successfully.')
31
+ original_out = self.w0(x)
32
+ lora_out = self.lora_B(self._dropout(self.lora_A(x))) * self._scaling
33
+ return original_out + lora_out
34
+
35
+ @staticmethod
36
+ def apply_to(model: nn.Module, target_modules: list[str] | str, rank: int = 8, alpha: int = 16,
37
+ dropout_rate: float = .0) -> nn.Module:
38
+ if isinstance(target_modules, str):
39
+ target_modules = [target_modules]
40
+ for layer_name, module in model.named_modules():
41
+ if any(_name in layer_name.split('.')[-1] for _name in target_modules):
42
+ lora = LoRA(input_dim=module.in_features, output_dim=module.out_features,
43
+ rank=rank, alpha=alpha, dropout_rate=dropout_rate,
44
+ device=next(module.parameters()).device,
45
+ dtype=next(module.parameters()).dtype)
46
+ lora.w0 = module
47
+ parent_name = layer_name.rsplit('.', 1)[0] if '.' in layer_name else ''
48
+ child_name = layer_name.split('.')[-1]
49
+ parent_module = dict(model.named_modules())[parent_name] if parent_name else model
50
+ setattr(parent_module, child_name, lora)
51
+ for param in model.parameters():
52
+ param.requires_grad = False
53
+ for name, param in model.named_parameters():
54
+ if 'lora_A.weight' in name or 'lora_B.weight' in name:
55
+ param.requires_grad = True
56
+ return model
@@ -1,6 +1,6 @@
1
1
  Metadata-Version: 2.4
2
2
  Name: deeplotx
3
- Version: 0.9.12
3
+ Version: 0.9.13
4
4
  Summary: An out-of-the-box long-text NLP framework.
5
5
  Requires-Python: >=3.10
6
6
  Description-Content-Type: text/markdown
@@ -15,7 +15,7 @@ Requires-Dist: tiktoken
15
15
  Requires-Dist: torch
16
16
  Requires-Dist: transformers
17
17
  Requires-Dist: typing-extensions
18
- Requires-Dist: vortezwohl>=0.0.10
18
+ Requires-Dist: vortezwohl>=0.0.17
19
19
  Requires-Dist: name4py>=0.1.4
20
20
  Dynamic: license-file
21
21
 
@@ -25,6 +25,7 @@ deeplotx/nn/linear_regression.py
25
25
  deeplotx/nn/logistic_regression.py
26
26
  deeplotx/nn/long_context_auto_regression.py
27
27
  deeplotx/nn/long_context_recursive_sequential.py
28
+ deeplotx/nn/lora.py
28
29
  deeplotx/nn/multi_head_attention.py
29
30
  deeplotx/nn/multi_head_feed_forward.py
30
31
  deeplotx/nn/recursive_sequential.py
@@ -8,5 +8,5 @@ tiktoken
8
8
  torch
9
9
  transformers
10
10
  typing-extensions
11
- vortezwohl>=0.0.10
11
+ vortezwohl>=0.0.17
12
12
  name4py>=0.1.4
@@ -1,6 +1,6 @@
1
1
  [project]
2
2
  name = "deeplotx"
3
- version = '0.9.12'
3
+ version = '0.9.13'
4
4
  description = "An out-of-the-box long-text NLP framework."
5
5
  readme = "README.md"
6
6
  requires-python = ">=3.10"
@@ -15,6 +15,6 @@ dependencies = [
15
15
  "torch",
16
16
  "transformers",
17
17
  "typing-extensions",
18
- "vortezwohl>=0.0.10",
18
+ "vortezwohl>=0.0.17",
19
19
  "name4py>=0.1.4",
20
20
  ]
File without changes
File without changes
File without changes
File without changes