Skip to content

Commit aa83c85

Browse files
committed
fix invalid links
Signed-off-by: chensuyue <suyue.chen@intel.com>
1 parent 62c1a66 commit aa83c85

File tree

24 files changed

+39
-39
lines changed

24 files changed

+39
-39
lines changed

.github/checkgroup.yml

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -36,7 +36,7 @@ subprojects:
3636
paths:
3737
- "neural_compressor/common/**"
3838
- "neural_compressor/torch/**"
39-
- "examples/3.x_api/pytorch/nlp/huggingface_models/language-modeling/quantization/llm/**"
39+
- "examples/pytorch/nlp/huggingface_models/language-modeling/quantization/llm/**"
4040
- "setup.py"
4141
- "requirements_pt.txt"
4242
- ".azure-pipelines/scripts/models/**"

README.md

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -116,7 +116,7 @@ model = load(
116116
<td colspan="2" align="center"><a href="./docs/source/3x/design.md#workflows">Workflow</a></td>
117117
<td colspan="2" align="center"><a href="https://intel.github.io/neural-compressor/latest/docs/source/api-doc/apis.html">APIs</a></td>
118118
<td colspan="1" align="center"><a href="./docs/source/llm_recipes.md">LLMs Recipes</a></td>
119-
<td colspan="1" align="center"><a href="./examples/3.x_api/README.md">Examples</a></td>
119+
<td colspan="1" align="center"><a href="./examples/README.md">Examples</a></td>
120120
</tr>
121121
</tbody>
122122
<thead>

docs/source/3x/PT_MixedPrecision.md

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -107,5 +107,5 @@ best_model = autotune(model=build_torch_model(), tune_config=custom_tune_config,
107107

108108
## Examples
109109

110-
Users can also refer to [examples](https://github.com/intel/neural-compressor/blob/master/examples/3.x_api/pytorch/cv/mixed_precision
110+
Users can also refer to [examples](https://github.com/intel/neural-compressor/blob/master/examples/pytorch/cv/mixed_precision
111111
) on how to quantize a model with Mixed Precision.

docs/source/3x/PT_SmoothQuant.md

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -46,7 +46,7 @@ run_fn(prepared_model)
4646
q_model = convert(prepared_model)
4747
```
4848

49-
To get more information, please refer to [examples](https://github.com/intel/neural-compressor/blob/master/examples/3.x_api/pytorch/nlp/huggingface_models/language-modeling/quantization/smooth_quant).
49+
To get more information, please refer to [examples](https://github.com/intel/neural-compressor/blob/master/examples/pytorch/nlp/huggingface_models/language-modeling/quantization/smooth_quant).
5050

5151

5252
## Validated Models

docs/source/3x/PT_StaticQuant.md

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -68,7 +68,7 @@ q_model = convert(prepared_model)
6868

6969
#### Model Examples
7070

71-
Users could refer to [examples](https://github.com/intel/neural-compressor/blob/master/examples/3.x_api/pytorch/nlp/huggingface_models/language-modeling/quantization/static_quant/ipex) on how to quantize a new model.
71+
Users could refer to [examples](https://github.com/intel/neural-compressor/blob/master/examples/pytorch/nlp/huggingface_models/language-modeling/quantization/static_quant/ipex) on how to quantize a new model.
7272

7373

7474
### Static Quantization with PT2E Backend
@@ -105,4 +105,4 @@ opt_model = torch.compile(q_model)
105105
106106
#### Model Examples with PT2E
107107

108-
Users could refer to [cv examples](https://github.com/intel/neural-compressor/blob/master/examples/3.x_api/pytorch/cv/static_quant) and [llm examples](https://github.com/intel/neural-compressor/blob/master/examples/3.x_api/pytorch/nlp/huggingface_models/language-modeling/quantization/static_quant/pt2e) on how to quantize a new model.
108+
Users could refer to [cv examples](https://github.com/intel/neural-compressor/blob/master/examples/pytorch/cv/static_quant) and [llm examples](https://github.com/intel/neural-compressor/blob/master/examples/pytorch/nlp/huggingface_models/language-modeling/quantization/static_quant/pt2e) on how to quantize a new model.

docs/source/3x/PT_WeightOnlyQuant.md

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -339,7 +339,7 @@ For client machines with limited RAM and cores, we offer optimizations to reduce
339339

340340
## Examples
341341

342-
Users can also refer to [examples](https://github.com/intel/neural-compressor/blob/master/examples/3.x_api/pytorch/nlp/huggingface_models/language-modeling/quantization/weight_only) on how to quantize a model with WeightOnlyQuant.
342+
Users can also refer to [examples](https://github.com/intel/neural-compressor/blob/master/examples/pytorch/nlp/huggingface_models/language-modeling/quantization/weight_only) on how to quantize a model with WeightOnlyQuant.
343343

344344
## Reference
345345

docs/source/3x/TF_Quant.md

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -120,4 +120,4 @@ quant_config.set_local("conv1", conv2d_config)
120120

121121
## Examples
122122

123-
Users can also refer to [examples](https://github.com/intel/neural-compressor/blob/master/examples/3.x_api/tensorflow) on how to quantize a TensorFlow model with `neural_compressor.tensorflow`.
123+
Users can also refer to [examples](https://github.com/intel/neural-compressor/blob/master/examples/tensorflow) on how to quantize a TensorFlow model with `neural_compressor.tensorflow`.

docs/source/3x/TF_SQ.md

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -50,4 +50,4 @@ best_model = autotune(
5050
5151
## Examples
5252

53-
Users can also refer to [examples](https://github.com/intel/neural-compressor/blob/master/examples/3.x_api/tensorflow/nlp/large_language_models/quantization/ptq/smoothquant) on how to apply smooth quant to a TensorFlow model with `neural_compressor.tensorflow`.
53+
Users can also refer to [examples](https://github.com/intel/neural-compressor/blob/master/examples/tensorflow/nlp/large_language_models/quantization/ptq/smoothquant) on how to apply smooth quant to a TensorFlow model with `neural_compressor.tensorflow`.

docs/source/3x/transformers_like_api.md

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -200,7 +200,7 @@ gen_text = tokenizer.batch_decode(gen_ids, skip_special_tokens=True)
200200
print(gen_text)
201201
```
202202

203-
5. You can directly use [example script](https://github.com/intel/neural-compressor/blob/master/examples/3.x_api/pytorch/nlp/huggingface_models/language-modeling/quantization/transformers/weight_only/text-generation/run_generation_gpu_woq.py)
203+
5. You can directly use [example script](https://github.com/intel/neural-compressor/blob/master/examples/pytorch/nlp/huggingface_models/language-modeling/quantization/transformers/weight_only/text-generation/run_generation_gpu_woq.py)
204204
```bash
205205
python run_generation_gpu_woq.py --woq --benchmark --model save_dir
206206
```
@@ -213,4 +213,4 @@ python run_generation_gpu_woq.py --woq --benchmark --model save_dir
213213
214214
## Examples
215215

216-
Users can also refer to [examples](https://github.com/intel/neural-compressor/blob/master/examples/3.x_api/pytorch/nlp/huggingface_models/language-modeling/quantization/transformers/weight_only/text-generation) on how to quantize a model with transformers-like api.
216+
Users can also refer to [examples](https://github.com/intel/neural-compressor/blob/master/examples/pytorch/nlp/huggingface_models/language-modeling/quantization/transformers/weight_only/text-generation) on how to quantize a model with transformers-like api.

examples/pytorch/cv/mixed_precision/README.md

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -10,7 +10,7 @@ This document describes the step-by-step instructions for reproducing PyTorch Re
1010
PyTorch 1.8 or higher version is needed with pytorch_fx backend.
1111

1212
```Shell
13-
cd examples/3.x_api/pytorch/image_recognition/torchvision_models/mixed_precision/resnet18
13+
cd examples/pytorch/image_recognition/torchvision_models/mixed_precision/resnet18
1414
pip install -r requirements.txt
1515
```
1616
> Note: Validated PyTorch [Version](/docs/source/installation_guide.md#validated-software-environment).

0 commit comments

Comments
 (0)