larsthepenguin commited on
Commit
272de00
1 Parent(s): bb0998b

Upload folder using huggingface_hub

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 +2 -0
  2. .gitignore +5 -0
  3. .gitkeep +0 -0
  4. LICENSE-3RD-PARTY.txt +0 -0
  5. License.md +7 -0
  6. README.md +100 -8
  7. app.py +351 -0
  8. app_launch.bat +53 -0
  9. config/app_config.json +7 -0
  10. config/config.json +58 -0
  11. dataset/README.md +1 -0
  12. dataset/alan-wake-2-cyberpunk-2077-phantom-liberty-dlss-3-5.txt +134 -0
  13. dataset/baldurs-gate-3-and-even-more-dlss-games-this-august.txt +79 -0
  14. dataset/baldurs-gate-3-game-ready-driver.txt +45 -0
  15. dataset/call-of-duty-modern-warfare-3-and-more-support-nvidia-reflex.txt +118 -0
  16. dataset/counter-strike-2-released-featuring-nvidia-reflex.txt +83 -0
  17. dataset/cyberpunk-2077-phantom-liberty-dlss-3-5-ray-reconstruction-game-ready-driver.txt +46 -0
  18. dataset/dlss-3-5-available-september-21.txt +115 -0
  19. dataset/dlss-3-5-cyberpunk-2077-phantom-liberty-available-now.txt +93 -0
  20. dataset/dlss-3-icarus-dlss-2-ad-infinitum.txt +60 -0
  21. dataset/dlss-anticipated-games-launching-september-2023.txt +44 -0
  22. dataset/first-descendant-nvidia-dlss-3.txt +44 -0
  23. dataset/geforce-now-thursday-aug-24.txt +85 -0
  24. dataset/geforce-rtx-at-ltx-2023.txt +12 -0
  25. dataset/geforce-rtx-at-quakecon-2023.txt +12 -0
  26. dataset/gord-sprawl-texas-chain-saw-massacre-out-august-with-dlss.txt +42 -0
  27. dataset/half-life-2-rtx-remix-in-development.txt +39 -0
  28. dataset/july-2023-reflex-game-updates.txt +55 -0
  29. dataset/license.txt +1 -0
  30. dataset/lies-of-p-mortal-kombat-1-game-ready-driver.txt +51 -0
  31. dataset/more-dlss-games-released.txt +49 -0
  32. dataset/nvidia-ace-steerlm-npc-personalities.txt +16 -0
  33. dataset/nvidia-dlss-3-5-ray-reconstruction.txt +81 -0
  34. dataset/overwatch-2-invasion-ultimate-bundle-geforce-rtx-40-series.txt +33 -0
  35. dataset/portal-prelude-rtx-available-now-for-free.txt +95 -0
  36. dataset/portal-prelude-rtx-game-ready-driver.txt +86 -0
  37. dataset/portal-prelude-rtx-inside-the-game-interview.txt +185 -0
  38. dataset/ratchet-and-clank-rift-apart-dlss3-rtx-io.txt +77 -0
  39. dataset/reflex-party-animals-540hz-ulmb2-gaming-monitor.txt +53 -0
  40. dataset/rtx-io-for-geforce-gpus-available-now.txt +64 -0
  41. dataset/starfield-game-ready-driver.txt +37 -0
  42. dataset_vector_embedding/default__vector_store.json +0 -0
  43. dataset_vector_embedding/docstore.json +0 -0
  44. dataset_vector_embedding/graph_store.json +1 -0
  45. dataset_vector_embedding/image__vector_store.json +1 -0
  46. dataset_vector_embedding/index_store.json +1 -0
  47. faiss_vector_storage.py +95 -0
  48. kaizen_theme/__init__.py +33 -0
  49. kaizen_theme/assets/kaizen-theme.css +100 -0
  50. kaizen_theme/assets/kaizen-theme.json +328 -0
.gitattributes CHANGED
@@ -33,3 +33,5 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text
33
  *.zip filter=lfs diff=lfs merge=lfs -text
34
  *.zst filter=lfs diff=lfs merge=lfs -text
35
  *tfevents* filter=lfs diff=lfs merge=lfs -text
 
 
 
33
  *.zip filter=lfs diff=lfs merge=lfs -text
34
  *.zst filter=lfs diff=lfs merge=lfs -text
35
  *tfevents* filter=lfs diff=lfs merge=lfs -text
36
+ media/rag-demo.gif filter=lfs diff=lfs merge=lfs -text
37
+ model/mistral/mistral7b_int4_engine/llama_float16_tp1_rank0.engine filter=lfs diff=lfs merge=lfs -text
.gitignore ADDED
@@ -0,0 +1,5 @@
 
 
 
 
 
 
1
+ venv/
2
+ __pycache__/
3
+ .DS_Store
4
+ config/preferences.json
5
+ .vscode/
.gitkeep ADDED
File without changes
LICENSE-3RD-PARTY.txt ADDED
The diff for this file is too large to render. See raw diff
 
License.md ADDED
@@ -0,0 +1,7 @@
 
 
 
 
 
 
 
 
1
+ SPDX-FileCopyrightText: Copyright (c) 2024 NVIDIA CORPORATION & AFFILIATES. All rights reserved. SPDX-License-Identifier: MIT
2
+
3
+ Permission is hereby granted, free of charge, to any person obtaining a copy of this software and associated documentation files (the "Software"), to deal in the Software without restriction, including without limitation the rights to use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies of the Software, and to permit persons to whom the Software is furnished to do so, subject to the following conditions:
4
+
5
+ The above copyright notice and this permission notice shall be included in all copies or substantial portions of the Software.
6
+
7
+ THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE.
README.md CHANGED
@@ -1,12 +1,104 @@
1
  ---
2
- title: Trt Llm Rag Windows Main
3
- emoji: 🐨
4
- colorFrom: green
5
- colorTo: indigo
6
- sdk: gradio
7
- sdk_version: 4.26.0
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
 
1
  ---
2
+ title: trt-llm-rag-windows-main
 
 
 
 
 
3
  app_file: app.py
4
+ sdk: gradio
5
+ sdk_version: 4.14.0
6
  ---
7
+ # 🚀 RAG on Windows using TensorRT-LLM and LlamaIndex 🦙
8
+
9
+ <p align="center">
10
+ <img src="https://gitlab-master.nvidia.com/winai/trt-llm-rag-windows/-/raw/main/media/rag-demo.gif" align="center">
11
+ </p>
12
+
13
+ Chat with RTX is a demo app that lets you personalize a GPT large language model (LLM) connected to your own content—docs, notes, videos, or other data. Leveraging retrieval-augmented generation (RAG), TensorRT-LLM, and RTX acceleration, you can query a custom chatbot to quickly get contextually relevant answers. And because it all runs locally on your Windows RTX PC or workstation, you’ll get fast and secure results.
14
+ Chat with RTX supports various file formats, including text, pdf, doc/docx, and xml. Simply point the application at the folder containing your files and it'll load them into the library in a matter of seconds. Additionally, you can provide the url of a YouTube playlist and the app will load the transcriptions of the videos in the playlist, enabling you to query the content they cover
15
+
16
+
17
+ The pipeline incorporates the LLaMa2-13B model (or the Mistral-7B), [TensorRT-LLM](https://github.com/NVIDIA/TensorRT-LLM/), and the [FAISS](https://github.com/facebookresearch/faiss) vector search library. For demonstration, the dataset consists of recent articles sourced from [NVIDIA Gefore News](https://www.nvidia.com/en-us/geforce/news/).
18
+
19
+
20
+ ### What is RAG? 🔍
21
+ Retrieval-augmented generation (RAG) for large language models (LLMs) seeks to enhance prediction accuracy by leveraging an external datastore during inference. This approach constructs a comprehensive prompt enriched with context, historical data, and recent or relevant knowledge.
22
+
23
+ ## Getting Started
24
+
25
+ ### Hardware requirement
26
+ - Chat with RTX is currently built for RTX 3xxx and RTX 4xxx series GPUs that have at least 8GB of GPU memory.
27
+ - At least 100 GB of available hard disk space
28
+ - Windows 10/11
29
+ - Latest NVIDIA GPU drivers
30
+
31
+ <h3 id="setup"> Setup Steps </h3>
32
+ Ensure you have the pre-requisites in place:
33
+
34
+ 1. Install [TensorRT-LLM](https://github.com/NVIDIA/TensorRT-LLM/) 0.7v for Windows using the instructions [here](https://github.com/NVIDIA/TensorRT-LLM/tree/main/windows)
35
+
36
+ Command:
37
+ ```
38
+ pip install tensorrt_llm==0.7 --extra-index-url https://pypi.nvidia.com --extra-index-url https://download.pytorch.org/whl/cu121
39
+ ```
40
+ Prerequisites
41
+ - [Python 3.10](https://www.python.org/downloads/windows/)
42
+ - [CUDA 12.2 Toolkit](https://developer.nvidia.com/cuda-12-2-2-download-archive?target_os=Windows&target_arch=x86_64)
43
+ - [Microsoft MPI](https://www.microsoft.com/en-us/download/details.aspx?id=57467)
44
+ - [cuDNN](https://developer.nvidia.com/cudnn)
45
+
46
+ 2. Install requirement.txt
47
+ ```
48
+ pip install -r requirements.txt --extra-index-url https://download.pytorch.org/whl/nightly/cu121
49
+
50
+ pip install nvidia-cudnn-cu11==8.9.4.25 --no-cache-dir
51
+
52
+ pip uninstall -y nvidia-cudnn-cu11
53
+ ```
54
+
55
+ 3. In this project, the LLaMa2-13B AWQ 4bit and Mistral-7B int4 quantized model is used for inference. Before using it, you'll need to compile a TensorRT Engine specific to your GPU for both the models. Below are the steps to build the engine:
56
+
57
+ - **Download tokenizer:** Ensure you have access to the [Llama 2](https://huggingface.co/meta-llama/Llama-2-13b-chat-hf) and [Mistral](https://huggingface.co/mistralai/Mistral-7B-v0.1) repository on Huggingface.Downlaod config.json, tokenizer.json, tokenizer.model, tokenizer_config.json for both the models. Place the tokenizer files in dir <model_tokenizer>
58
+
59
+ - **Get Quantized weights:** Downlaod the LLaMa-2 13B AWQ 4bit and Mistral-7B int4 quantized model weights form NGC:
60
+
61
+ [Llama2-13b int4](https://catalog.ngc.nvidia.com/orgs/nvidia/models/llama2-13b/files?version=1.3), [Mistral-7B int4](https://catalog.ngc.nvidia.com/orgs/nvidia/models/mistral-7b-int4-chat)
62
+
63
+ - **Get TensorRT-LLM exmaple repo**: Download [TensorRT-LLM 0.7v](https://github.com/NVIDIA/TensorRT-LLM/releases/tag/v0.7.0) repo to build the engine
64
+
65
+ - **Build TensorRT engine:**
66
+ Commands to build the engines
67
+
68
+ Llama2-13B int4:
69
+ ```
70
+ python TensorRT-LLM-0.7.0\examples\llama\build.py --model_dir <model_tokenizer_dir_path> --quant_ckpt_path <quantized_weights_file_path> --dtype float16 --remove_input_padding --use_gpt_attention_plugin float16 --enable_context_fmha --use_gemm_plugin float16 --use_weight_only --weight_only_precision int4_awq --per_group --output_dir <engine_output_dir> --world_size 1 --tp_size 1 --parallel_build --max_input_len 3900 --max_batch_size 1 --max_output_len 1024
71
+ ```
72
+
73
+ Mistral 7B int4:
74
+ ```
75
+ python.exe TensorRT-LLM-0.7.0\examples\llama\build.py --model_dir <model_tokenizer_dir_path> --quant_ckpt_path <quantized_weights_file_path> --dtype float16 --remove_input_padding --use_gpt_attention_plugin float16 --enable_context_fmha --use_gemm_plugin float16 --use_weight_only --weight_only_precision int4_awq --per_group --output_dir <engine_output_dir> --world_size 1 --tp_size 1 --parallel_build --max_input_len 7168 --max_batch_size 1 --max_output_len 1024
76
+ ```
77
+
78
+ - **Run app**
79
+ ```
80
+ python app.py --trt_engine_path <TRT Engine folder> --trt_engine_name <TRT Engine file>.engine --tokenizer_dir_path <tokernizer folder> --data_dir <Data folder>
81
+
82
+ ```
83
+ - **Run app**
84
+ Update the **config/config.json** with below details for both the models
85
+
86
+
87
+ | Name | Details |
88
+ | ------ | ------ |
89
+ | --model_path | Trt engine direcotry path |
90
+ | --engine | Trt engine file name |
91
+ | --tokenizer_path | Huggingface tokenizer direcotry |
92
+ | --trt_engine_path | Directory of TensorRT engine |
93
+ | --installed <> | Ture/False if model is installed or not |
94
+
95
+ **Command:**
96
+ ```
97
+ python app.py
98
+ ```
99
+
100
+ ## Adding your own data
101
+ - This app loads data from the dataset / directory into the vector store. To add support for your own data, replace the files in the dataset / directory with your own data. By default, the script uses llamaindex's SimpleDirectoryLoader which supports text files such as .txt, PDF, and so on.
102
+
103
 
104
+ This project requires additional third-party open source software projects as specified in the documentation. Review the license terms of these open source projects before use.
app.py ADDED
@@ -0,0 +1,351 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # SPDX-FileCopyrightText: Copyright (c) 2024 NVIDIA CORPORATION & AFFILIATES. All rights reserved.
2
+ # SPDX-License-Identifier: MIT
3
+ #
4
+ # Permission is hereby granted, free of charge, to any person obtaining a
5
+ # copy of this software and associated documentation files (the "Software"),
6
+ # to deal in the Software without restriction, including without limitation
7
+ # the rights to use, copy, modify, merge, publish, distribute, sublicense,
8
+ # and/or sell copies of the Software, and to permit persons to whom the
9
+ # Software is furnished to do so, subject to the following conditions:
10
+ #
11
+ # The above copyright notice and this permission notice shall be included in
12
+ # all copies or substantial portions of the Software.
13
+ #
14
+ # THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR
15
+ # IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,
16
+ # FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL
17
+ # THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER
18
+ # LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING
19
+ # FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER
20
+ # DEALINGS IN THE SOFTWARE.
21
+ import os
22
+ import time
23
+ import json
24
+ import logging
25
+ import gc
26
+ import torch
27
+ from pathlib import Path
28
+ from trt_llama_api import TrtLlmAPI
29
+ from langchain.embeddings.huggingface import HuggingFaceEmbeddings
30
+ from collections import defaultdict
31
+ from llama_index import ServiceContext
32
+ from llama_index.llms.llama_utils import messages_to_prompt, completion_to_prompt
33
+ from llama_index import set_global_service_context
34
+ from faiss_vector_storage import FaissEmbeddingStorage
35
+ from ui.user_interface import MainInterface
36
+
37
+ app_config_file = 'config\\app_config.json'
38
+ model_config_file = 'config\\config.json'
39
+ preference_config_file = 'config\\preferences.json'
40
+ data_source = 'directory'
41
+
42
+ def read_config(file_name):
43
+ try:
44
+ with open(file_name, 'r') as file:
45
+ return json.load(file)
46
+ except FileNotFoundError:
47
+ print(f"The file {file_name} was not found.")
48
+ except json.JSONDecodeError:
49
+ print(f"There was an error decoding the JSON from the file {file_name}.")
50
+ except Exception as e:
51
+ print(f"An unexpected error occurred: {e}")
52
+ return None
53
+
54
+ def get_model_config(config, model_name=None):
55
+ models = config["models"]["supported"]
56
+ selected_model = next((model for model in models if model["name"] == model_name), models[0])
57
+ return {
58
+ "model_path": os.path.join(os.getcwd(), selected_model["metadata"]["model_path"]),
59
+ "engine": selected_model["metadata"]["engine"],
60
+ "tokenizer_path": os.path.join(os.getcwd(), selected_model["metadata"]["tokenizer_path"]),
61
+ "max_new_tokens": selected_model["metadata"]["max_new_tokens"],
62
+ "max_input_token": selected_model["metadata"]["max_input_token"],
63
+ "temperature": selected_model["metadata"]["temperature"]
64
+ }
65
+
66
+ def get_data_path(config):
67
+ return os.path.join(os.getcwd(), config["dataset"]["path"])
68
+
69
+ # read the app specific config
70
+ app_config = read_config(app_config_file)
71
+ streaming = app_config["streaming"]
72
+ similarity_top_k = app_config["similarity_top_k"]
73
+ is_chat_engine = app_config["is_chat_engine"]
74
+ embedded_model_name = app_config["embedded_model"]
75
+ embedded_model = os.path.join(os.getcwd(), "model", embedded_model_name)
76
+ embedded_dimension = app_config["embedded_dimension"]
77
+
78
+ # read model specific config
79
+ selected_model_name = None
80
+ selected_data_directory = None
81
+ config = read_config(model_config_file)
82
+ if os.path.exists(preference_config_file):
83
+ perf_config = read_config(preference_config_file)
84
+ selected_model_name = perf_config.get('models', {}).get('selected')
85
+ selected_data_directory = perf_config.get('dataset', {}).get('path')
86
+
87
+ if selected_model_name == None:
88
+ selected_model_name = config["models"].get("selected")
89
+
90
+ model_config = get_model_config(config, selected_model_name)
91
+ trt_engine_path = model_config["model_path"]
92
+ trt_engine_name = model_config["engine"]
93
+ tokenizer_dir_path = model_config["tokenizer_path"]
94
+ data_dir = config["dataset"]["path"] if selected_data_directory == None else selected_data_directory
95
+
96
+ # create trt_llm engine object
97
+ llm = TrtLlmAPI(
98
+ model_path=model_config["model_path"],
99
+ engine_name=model_config["engine"],
100
+ tokenizer_dir=model_config["tokenizer_path"],
101
+ temperature=model_config["temperature"],
102
+ max_new_tokens=model_config["max_new_tokens"],
103
+ context_window=model_config["max_input_token"],
104
+ messages_to_prompt=messages_to_prompt,
105
+ completion_to_prompt=completion_to_prompt,
106
+ verbose=False
107
+ )
108
+
109
+ # create embeddings model object
110
+ embed_model = HuggingFaceEmbeddings(model_name=embedded_model)
111
+ service_context = ServiceContext.from_defaults(llm=llm, embed_model=embed_model,
112
+ context_window=model_config["max_input_token"], chunk_size=512,
113
+ chunk_overlap=200)
114
+ set_global_service_context(service_context)
115
+
116
+
117
+ def generate_inferance_engine(data, force_rewrite=False):
118
+ """
119
+ Initialize and return a FAISS-based inference engine.
120
+
121
+ Args:
122
+ data: The directory where the data for the inference engine is located.
123
+ force_rewrite (bool): If True, force rewriting the index.
124
+
125
+ Returns:
126
+ The initialized inference engine.
127
+
128
+ Raises:
129
+ RuntimeError: If unable to generate the inference engine.
130
+ """
131
+ try:
132
+ global engine
133
+ faiss_storage = FaissEmbeddingStorage(data_dir=data,
134
+ dimension=embedded_dimension)
135
+ faiss_storage.initialize_index(force_rewrite=force_rewrite)
136
+ engine = faiss_storage.get_engine(is_chat_engine=is_chat_engine, streaming=streaming,
137
+ similarity_top_k=similarity_top_k)
138
+ except Exception as e:
139
+ raise RuntimeError(f"Unable to generate the inference engine: {e}")
140
+
141
+
142
+ # load the vectorstore index
143
+ generate_inferance_engine(data_dir)
144
+
145
+ def call_llm_streamed(query):
146
+ partial_response = ""
147
+ response = llm.stream_complete(query)
148
+ for token in response:
149
+ partial_response += token.delta
150
+ yield partial_response
151
+
152
+ def chatbot(query, chat_history, session_id):
153
+ if data_source == "nodataset":
154
+ yield llm.complete(query).text
155
+ return
156
+
157
+ if is_chat_engine:
158
+ response = engine.chat(query)
159
+ else:
160
+ response = engine.query(query)
161
+
162
+ # Aggregate scores by file
163
+ file_scores = defaultdict(float)
164
+ for node in response.source_nodes:
165
+ metadata = node.metadata
166
+ if 'filename' in metadata:
167
+ file_name = metadata['filename']
168
+ file_scores[file_name] += node.score
169
+
170
+ # Find the file with the highest aggregated score
171
+ highest_aggregated_score_file = None
172
+ if file_scores:
173
+ highest_aggregated_score_file = max(file_scores, key=file_scores.get)
174
+
175
+ file_links = []
176
+ seen_files = set() # Set to track unique file names
177
+
178
+ # Generate links for the file with the highest aggregated score
179
+ if highest_aggregated_score_file:
180
+ abs_path = Path(os.path.join(os.getcwd(), highest_aggregated_score_file.replace('\\', '/')))
181
+ file_name = os.path.basename(abs_path)
182
+ file_name_without_ext = abs_path.stem
183
+ if file_name not in seen_files: # Ensure the file hasn't already been processed
184
+ if data_source == 'directory':
185
+ file_link = file_name
186
+ else:
187
+ exit("Wrong data_source type")
188
+ file_links.append(file_link)
189
+ seen_files.add(file_name) # Mark file as processed
190
+
191
+ response_txt = str(response)
192
+ if file_links:
193
+ response_txt += "<br>Reference files:<br>" + "<br>".join(file_links)
194
+ if not highest_aggregated_score_file: # If no file with a high score was found
195
+ response_txt = llm.complete(query).text
196
+ yield response_txt
197
+
198
+ def stream_chatbot(query, chat_history, session_id):
199
+ if data_source == "nodataset":
200
+ for response in call_llm_streamed(query):
201
+ yield response
202
+ return
203
+
204
+ if is_chat_engine:
205
+ response = engine.stream_chat(query)
206
+ else:
207
+ response = engine.query(query)
208
+
209
+ partial_response = ""
210
+ if len(response.source_nodes) == 0:
211
+ response = llm.stream_complete(query)
212
+ for token in response:
213
+ partial_response += token.delta
214
+ yield partial_response
215
+ else:
216
+ # Aggregate scores by file
217
+ file_scores = defaultdict(float)
218
+ for node in response.source_nodes:
219
+ if 'filename' in node.metadata:
220
+ file_name = node.metadata['filename']
221
+ file_scores[file_name] += node.score
222
+
223
+ # Find the file with the highest aggregated score
224
+ highest_score_file = max(file_scores, key=file_scores.get, default=None)
225
+
226
+ file_links = []
227
+ seen_files = set()
228
+ for token in response.response_gen:
229
+ partial_response += token
230
+ yield partial_response
231
+ time.sleep(0.05)
232
+
233
+ time.sleep(0.2)
234
+
235
+ if highest_score_file:
236
+ abs_path = Path(os.path.join(os.getcwd(), highest_score_file.replace('\\', '/')))
237
+ file_name = os.path.basename(abs_path)
238
+ file_name_without_ext = abs_path.stem
239
+ if file_name not in seen_files: # Check if file_name is already seen
240
+ if data_source == 'directory':
241
+ file_link = file_name
242
+ else:
243
+ exit("Wrong data_source type")
244
+ file_links.append(file_link)
245
+ seen_files.add(file_name) # Add file_name to the set
246
+
247
+ if file_links:
248
+ partial_response += "<br>Reference files:<br>" + "<br>".join(file_links)
249
+ yield partial_response
250
+
251
+ # call garbage collector after inference
252
+ torch.cuda.empty_cache()
253
+ gc.collect()
254
+
255
+ interface = MainInterface(chatbot=stream_chatbot if streaming else chatbot, streaming=streaming)
256
+
257
+ def on_shutdown_handler(session_id):
258
+ global llm, service_context, embed_model, faiss_storage, engine
259
+ import gc
260
+ if llm is not None:
261
+ llm.unload_model()
262
+ del llm
263
+ # Force a garbage collection cycle
264
+ gc.collect()
265
+
266
+
267
+ interface.on_shutdown(on_shutdown_handler)
268
+
269
+
270
+ def reset_chat_handler(session_id):
271
+ global faiss_storage
272
+ global engine
273
+ print('reset chat called', session_id)
274
+ if is_chat_engine == True:
275
+ faiss_storage.reset_engine(engine)
276
+
277
+
278
+ interface.on_reset_chat(reset_chat_handler)
279
+
280
+
281
+ def on_dataset_path_updated_handler(source, new_directory, video_count, session_id):
282
+ print('data set path updated to ', source, new_directory, video_count, session_id)
283
+ global engine
284
+ global data_dir
285
+ if source == 'directory':
286
+ if data_dir != new_directory:
287
+ data_dir = new_directory
288
+ generate_inferance_engine(data_dir)
289
+
290
+ interface.on_dataset_path_updated(on_dataset_path_updated_handler)
291
+
292
+ def on_model_change_handler(model, metadata, session_id):
293
+ model_path = os.path.join(os.getcwd(), metadata.get('model_path', None))
294
+ engine_name = metadata.get('engine', None)
295
+ tokenizer_path = os.path.join(os.getcwd(), metadata.get('tokenizer_path', None))
296
+
297
+ if not model_path or not engine_name:
298
+ print("Model path or engine not provided in metadata")
299
+ return
300
+
301
+ global llm, embedded_model, engine, data_dir, service_context
302
+
303
+ if llm is not None:
304
+ llm.unload_model()
305
+ del llm
306
+
307
+ llm = TrtLlmAPI(
308
+ model_path=model_path,
309
+ engine_name=engine_name,
310
+ tokenizer_dir=tokenizer_path,
311
+ temperature=metadata.get('temperature', 0.1),
312
+ max_new_tokens=metadata.get('max_new_tokens', 512),
313
+ context_window=metadata.get('max_input_token', 512),
314
+ messages_to_prompt=messages_to_prompt,
315
+ completion_to_prompt=completion_to_prompt,
316
+ verbose=False
317
+ )
318
+ service_context = ServiceContext.from_service_context(service_context=service_context, llm=llm)
319
+ set_global_service_context(service_context)
320
+ generate_inferance_engine(data_dir)
321
+
322
+
323
+ interface.on_model_change(on_model_change_handler)
324
+
325
+
326
+ def on_dataset_source_change_handler(source, path, session_id):
327
+
328
+ global data_source, data_dir, engine
329
+ data_source = source
330
+
331
+ if data_source == "nodataset":
332
+ print(' No dataset source selected', session_id)
333
+ return
334
+
335
+ print('dataset source updated ', source, path, session_id)
336
+
337
+ if data_source == "directory":
338
+ data_dir = path
339
+ else:
340
+ print("Wrong data type selected")
341
+ generate_inferance_engine(data_dir)
342
+
343
+ interface.on_dataset_source_updated(on_dataset_source_change_handler)
344
+
345
+ def handle_regenerate_index(source, path, session_id):
346
+ generate_inferance_engine(path, force_rewrite=True)
347
+ print("on regenerate index", source, path, session_id)
348
+
349
+ interface.on_regenerate_index(handle_regenerate_index)
350
+ # render the interface
351
+ interface.render()
app_launch.bat ADDED
@@ -0,0 +1,53 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ :: SPDX-FileCopyrightText: Copyright (c) 2024 NVIDIA CORPORATION & AFFILIATES. All rights reserved.
2
+ :: SPDX-License-Identifier: MIT
3
+ ::
4
+ :: Permission is hereby granted, free of charge, to any person obtaining a
5
+ :: copy of this software and associated documentation files (the "Software"),
6
+ :: to deal in the Software without restriction, including without limitation
7
+ :: the rights to use, copy, modify, merge, publish, distribute, sublicense,
8
+ :: and/or sell copies of the Software, and to permit persons to whom the
9
+ :: Software is furnished to do so, subject to the following conditions:
10
+ ::
11
+ :: The above copyright notice and this permission notice shall be included in
12
+ :: all copies or substantial portions of the Software.
13
+ ::
14
+ :: THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR
15
+ :: IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,
16
+ :: FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL
17
+ :: THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER
18
+ :: LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING
19
+ :: FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER
20
+ :: DEALINGS IN THE SOFTWARE.
21
+
22
+ @echo off
23
+ setlocal enabledelayedexpansion
24
+
25
+ set "env_path_found="
26
+
27
+ for /f "tokens=1,* delims= " %%a in ('"%programdata%\MiniConda\Scripts\conda.exe" env list') do (
28
+ set "env_name=%%a"
29
+ set "env_path=%%b"
30
+ if "!env_path!"=="" (
31
+ set "env_path=!env_name!"
32
+ )
33
+ echo !env_path! | c:\Windows\System32\findstr /C:"env_nvd_rag" > nul
34
+ if !errorlevel! equ 0 (
35
+ set "env_path_found=!env_path!"
36
+ goto :endfor
37
+ )
38
+ )
39
+
40
+ :endfor
41
+ if not "%env_path_found%"=="" (
42
+ echo Environment path found: %env_path_found%
43
+ call "%programdata%\MiniConda\Scripts\activate.bat" %env_path_found%
44
+ python verify_install.py
45
+ python app.py
46
+ pause
47
+ ) else (
48
+ echo Environment with 'env_nvd_rag' not found.
49
+ pause
50
+ )
51
+
52
+ endlocal
53
+
config/app_config.json ADDED
@@ -0,0 +1,7 @@
 
 
 
 
 
 
 
 
1
+ {
2
+ "streaming": true,
3
+ "similarity_top_k": 4,
4
+ "is_chat_engine": false,
5
+ "embedded_model": "UAE-Large-V1",
6
+ "embedded_dimension": 1024
7
+ }
config/config.json ADDED
@@ -0,0 +1,58 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "models": {
3
+ "supported": [
4
+ {
5
+ "name": "Mistral 7B int4",
6
+ "installed": true,
7
+ "metadata": {
8
+ "model_path": "model\\mistral\\mistral7b_int4_engine",
9
+ "engine": "llama_float16_tp1_rank0.engine",
10
+ "tokenizer_path": "model\\mistral\\mistral7b_hf",
11
+ "max_new_tokens": 1024,
12
+ "max_input_token": 7168,
13
+ "temperature": 0.1
14
+ }
15
+ },
16
+ {
17
+ "name": "Llama 2 13B int4",
18
+ "installed": false,
19
+ "metadata": {
20
+ "model_path": "model\\llama\\llama13_int4_engine",
21
+ "engine": "llama_float16_tp1_rank0.engine",
22
+ "tokenizer_path": "model\\llama\\llama13_hf",
23
+ "max_new_tokens": 1024,
24
+ "max_input_token": 3900,
25
+ "temperature": 0.1
26
+ }
27
+ }
28
+ ],
29
+ "selected": "Mistral 7B int4"
30
+ },
31
+ "sample_questions": [
32
+ {
33
+ "query": "How does NVIDIA ACE generate emotional responses?"
34
+ },
35
+ {
36
+ "query": "What is Portal prelude RTX?"
37
+ },
38
+ {
39
+ "query": "What is important about Half Life 2 RTX?"
40
+ },
41
+ {
42
+ "query": "When is the launch date for Ratchet & Clank: Rift Apart on PC?"
43
+ }
44
+ ],
45
+ "dataset": {
46
+ "sources": [
47
+ "directory",
48
+ "nodataset"
49
+ ],
50
+ "selected": "directory",
51
+ "path": "dataset",
52
+ "isRelative": true
53
+ },
54
+ "strings": {
55
+ "directory": "Folder Path",
56
+ "nodataset": "AI model default"
57
+ }
58
+ }
dataset/README.md ADDED
@@ -0,0 +1 @@
 
 
1
+ Place your text data here.
dataset/alan-wake-2-cyberpunk-2077-phantom-liberty-dlss-3-5.txt ADDED
@@ -0,0 +1,134 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ NVIDIA DLSS Accelerates This Fall�s Biggest Games, Including Alan Wake 2, Cyberpunk 2077: Phantom Liberty, Call of Duty: Modern Warfare III & PAYDAY 3
2
+ By Andrew Burnes on August 22, 2023 | Featured StoriesAlan Wake 2Cyberpunk 2077GamescomGeForce RTX GPUsNVIDIA DLSSNVIDIA ReflexNVIDIA RTXRay ReconstructionRay Tracing
3
+ NVIDIA DLSS is constantly evolving, and is available today in over 330 released games and apps. Now, we�re unveiling NVIDIA DLSS 3.5, featuring Ray Reconstruction, our newest innovation that enhances ray tracing with AI.
4
+
5
+ NVIDIA DLSS 3.5 debuts this fall in Alan Wake 2, Cyberpunk 2077, Cyberpunk 2077: Phantom Liberty, Portal with RTX, and creative apps. You�ll find full details below.
6
+
7
+ Additionally, NVIDIA DLSS 3�s AI-powered performance acceleration is coming to this fall�s biggest games, including Call of Duty: Modern Warfare III, PAYDAY 3, and Fortnite.
8
+
9
+ Introducing NVIDIA DLSS 3.5
10
+ NVIDIA DLSS 3.5 will make your games even more beautiful, immersive and realistic with the introduction of Ray Reconstruction, a new AI-powered technique that further improves the quality of ray tracing.
11
+
12
+ To ray trace games at fast frame rates, a sample of rays are fired into a scene, and hand-tuned denoisers are used to fill in missing pixels for each lighting pass.
13
+
14
+ Each hand-tuned denoiser accumulates pixels from multiple frames to increase detail, in effect stealing rays from the past, but at the risk of introducing ghosting, removing dynamic effects, and reducing the quality of others. It also interpolates neighboring pixels, and blends this information together, but at the risk of blending away too much detailed information, or not blending enough and creating non-uniform lighting effects.
15
+
16
+ DLSS 3.5 introduces Ray Reconstruction, part of an enhanced AI-powered neural renderer that improves ray traced image quality for all GeForce RTX GPUs by replacing hand-tuned denoisers with an NVIDIA supercomputer-trained AI network that generates higher-quality pixels in-between sampled rays.
17
+
18
+ In Alan Wake 2, Cyberpunk 2077, Cyberpunk 2077: Phantom Liberty, Portal with RTX, Chaos Vantage, D5 Render, and NVIDIA Omniverse, DLSS 3.5 will noticeably improve the fidelity and realism of ray-traced effects, resolving issues introduced by hand-tuned denoisers.
19
+
20
+ Take a look at the following examples from Cyberpunk 2077: Phantom Liberty and D5 Render to see the benefits, and be sure to watch our new DLSS 3.5 videos from Alan Wake 2, Cyberpunk 2077: Phantom Liberty, and Portal with RTX:
21
+
22
+ When DLSS 3.5 debuts in Cyberpunk 2077 and Cyberpunk 2077: Phantom Liberty this September, and other games and apps this fall, GeForce RTX 40 Series users can combine Super Resolution and Frame Generation with Ray Reconstruction for breathtaking performance and image quality, while GeForce RTX 20 and 30 Series users can add Ray Reconstruction to their AI-powered arsenal alongside Super Resolution and DLAA.
23
+
24
+ Ray Reconstruction is a new option for developers to improve image quality for their ray-traced titles and is offered as part of DLSS 3.5. Rasterized games featuring DLSS 3.5 also include our latest updates to Super Resolution and DLAA, but will not benefit from Ray Reconstruction due to the lack of ray-traced effects.
25
+
26
+ For much more detail on Ray Reconstruction, please visit our NVIDIA DLSS 3.5 explainer article, and watch our Tech Talk by Bryan Catanzaro, Vice President of Applied Deep Learning Research at NVIDIA.
27
+
28
+
29
+
30
+ For more information on the games and apps adding DLSS 3.5 this fall, read on.
31
+
32
+ Alan Wake 2 Launches October 27th With DLSS 3.5, Full Ray Tracing & Reflex
33
+ Remedy Entertainment operates at the cutting edge of technology, constantly creating the most immersive and advanced games of each generation. 2019�s Control was one of the first ray-traced and DLSS-enhanced games, and to this day remains a stunning title that demonstrates the advanced capabilities of the PC platform.
34
+
35
+ Back in 2010, Remedy released Alan Wake, an amazing narratively-driven action-thriller that blew gamers away with its visuals and dazzling light-based gameplay. On October 27th, the long-awaited sequel arrives, following Alan Wake and FBI agent Saga Anderson in a new nightmarish narrative, entitled Alan Wake 2, published by Epic Games.
36
+
37
+
38
+
39
+ Once again, NVIDIA and Remedy Entertainment are partnering to deliver a jaw-dropping experience for PC gamers, leveraging bleeding-edge technologies to crank image quality, immersion and performance to 11. On PC, Alan Wake 2 players can marvel at fully ray traced (path traced) graphics that are accelerated and enhanced by NVIDIA DLSS 3.5 and NVIDIA Reflex.
40
+
41
+
42
+
43
+ �The new Ray Reconstruction feature in DLSS 3.5 renders our fully ray-traced world more beautifully than ever before, bringing you deeper into the story of Alan Wake 2� - Tatu Aalto, Lead Graphics Programmer Remedy Entertainment
44
+
45
+ To ensure GeForce RTX gamers can experience Alan Wake 2 with ray tracing at the highest levels of fidelity, NVIDIA DLSS 3.5 will be available at launch. DLSS 3.5 makes your games even more beautiful, immersive and realistic with the introduction of Ray Reconstruction, a new AI-powered technique that further improves the quality of ray tracing. Ray Reconstruction is available for all GeForce RTX users - get the complete lowdown in our NVIDIA DLSS 3.5 announcement article.
46
+
47
+
48
+
49
+
50
+ Return to GeForce.com on October 27th for more info on Alan Wake 2�s incredible fully ray-traced effects, and its integration of NVIDIA DLSS 3.5. And if you lack a GeForce RTX desktop or laptop, know that you can play Alan Wake 2 with full ray tracing, NVIDIA Reflex and NVIDIA DLSS on GeForce NOW at launch.
51
+
52
+ Cyberpunk 2077: Phantom Liberty Available This September With DLSS 3.5, Full Ray Tracing & Reflex
53
+ Phantom Liberty is a new spy-thriller adventure for Cyberpunk 2077. When the orbital shuttle of the President of the New United States of America is shot down over the deadliest district of Night City, there�s only one person who can save her � you. Become V, a cyberpunk for hire, and dive deep into a tangled web of espionage and political intrigue, unraveling a story that connects the highest echelons of power with the brutal world of black-market mercenaries.
54
+
55
+
56
+
57
+ Launching September 26th, Cyberpunk 2077: Phantom Liberty features the technology preview of the fully ray-traced Ray Tracing: Overdrive Mode, giving GeForce RTX gamers the most immersive and detailed gameplay possible. And today we can announce that DLSS 3.5 will be available this September for all Cyberpunk 2077 and Cyberpunk 2077: Phantom Liberty players.
58
+
59
+ NVIDIA DLSS 3.5 makes your games even more beautiful, immersive and realistic with the introduction of Ray Reconstruction, a new AI-powered technique that further improves the quality of ray tracing. DLSS 3.5 is available for all GeForce RTX users, and you can get the complete lowdown in our NVIDIA DLSS 3.5 announcement article.
60
+
61
+ In Cyberpunk 2077, DLSS Ray Reconstruction improves the quality and clarity of reflections, global illumination is even more accurate, and lighting is more dynamically responsive, for an even better, more immersive and realistic experience.
62
+
63
+
64
+ "Thanks to DLSS 3.5�s smart technology, fuelled by AI rendering power, you can experience Cyberpunk 2077: Phantom Liberty�s newest location Dogtown at its very best � with sharper images, more accurate lighting, and the highest frame rates possible." - Jakub Knapik, VP of Art, Global Art Director, CD PROJEKT RED
65
+
66
+ The technology preview of the Ray Tracing: Overdrive Mode, which enhances the game�s already-amazing visuals with full ray tracing, otherwise known as path tracing, is incredibly GPU intensive. GeForce RTX 40 Series GPUs powered by the NVIDIA Ada Lovelace architecture have the raw rendering horsepower, plus the performance and quality-enhancing NVIDIA DLSS 3.5 to bring these stunning graphics to life.
67
+
68
+ Get the ultimate Cyberpunk 2077: Phantom Liberty experience, using the Ray Tracing: Overdrive Mode, at over 60 FPS, with GeForce RTX 40 Series graphics cards. We recommend the GeForce RTX 4090 and RTX 4080 at 4K, RTX 4070 Ti & RTX 4070 at 1440p, and the RTX 4060 Ti and RTX 4060 at 1080p. Get more details here.
69
+
70
+ Stay tuned to GeForce.com for more information closer to Cyberpunk 2077: Phantom Liberty�s release, and get your system ready for Phantom Liberty with GeForce RTX 40 Series graphics cards and laptops.
71
+
72
+ If you don�t have an RT Overdrive-capable PC, you can play with full ray tracing on GeForce NOW with an Ultimate subscription, which gives you a GeForce RTX 4080-class PC to play on via the cloud on virtually any device. Cyberpunk 2077: Phantom Liberty will arrive in the cloud on launch day.
73
+
74
+ Portal with RTX Upgrades To DLSS 3.5 This Fall
75
+ Portal with RTX is our fully ray-traced reimagining of Valve�s classic game, featuring stunning path-traced visuals, the latest performance-accelerating NVIDIA technologies, and NVIDIA DLSS 3, which multiplied performance by 3X.
76
+
77
+
78
+
79
+ This fall, Portal with RTX upgrades to NVIDIA DLSS 3.5, making the game even more beautiful, immersive and realistic with the introduction of Ray Reconstruction, a new AI-powered technique that further improves the quality of ray tracing.
80
+
81
+ In Portal with RTX, textures are enhanced as Ray Reconstruction intelligently accumulates engine data and information across multiple frames to produce a more accurate and clear image. With existing rendering techniques, full ray tracing could struggle to resolve multiple photons of light bouncing against thin materials, like metal fences, or highly reflective surfaces. This could cause excessive shimmering on thin surfaces and light instability or �boiling� on reflective walls. But with DLSS 3.5�s Ray Reconstruction technology, each fence appears stable no matter how much light is illuminating the thinnest of its meshes.
82
+
83
+ Lights and reflections update faster and more accurately, too and each crevice in every room is lit with clarity, making the test chambers of Aperture Laboratories look as they would in the real world.
84
+
85
+
86
+
87
+ Ray Reconstruction will be available for all GeForce RTX users - get the complete lowdown in our NVIDIA DLSS 3.5 announcement article. And catch it on GeForce NOW to stream it from the cloud if you don�t have a game-ready device.
88
+
89
+ DLSS 3.5 Comes To Chaos Vantage, D5 Render & NVIDIA Omniverse
90
+ Gamers aren�t the only ones who will reap the benefits of DLSS 3.5. 3D creators often work with heavy, complex scenes, which result in noisy and inaccurate previews. This makes sharing their work with clients and collaborators difficult, and hours can be spent on final rendering to view the potential outcome.
91
+
92
+ With Ray Reconstruction, all GeForce RTX 3D creators can now view high quality, more accurate renders in their previews, expediting their workflow and improving their collaboration.
93
+
94
+ DLSS 3.5 is a major breakthrough for the real-time 3D editing experience. This fall, DLSS 3.5 will be added to Chaos Vantage, D5 Render, and NVIDIA Omniverse.
95
+
96
+ Call of Duty�: Modern Warfare� III Launching On PC With DLSS 3 & Reflex
97
+ In the direct sequel to the record-breaking Call of Duty: Modern Warfare II, Captain Price and Task Force 141 face off against the ultimate threat. The ultranationalist war criminal Vladimir Makarov is extending his grasp across the world causing Task Force 141 to fight like never before.
98
+
99
+ NVIDIA DLSS has been featured in Activision�s Call of Duty: Black Ops Cold War, Vanguard, Modern Warfare, Modern Warfare II, Call of Duty: Warzone, and Call of Duty: Warzone 2.0. Our long-standing Call of Duty technical partnership continues with the inclusion of NVIDIA DLSS 3 and NVIDIA Reflex in the recently revealed Call of Duty: Modern Warfare III, launching November 10.
100
+
101
+
102
+
103
+ Stay tuned for further details.
104
+
105
+ PAYDAY 3 Launching September 21st With DLSS 3 & Reflex
106
+ PAYDAY 3 is the much anticipated sequel to one of the most popular co-op shooters ever made. On September 21st, step out of retirement and back into a life of crime in the shoes of the Payday Gang, the nightmare of law-enforcement wherever they go. Several years after the crew�s reign of terror over Washington DC has ended, they assemble once again to deal with the threat that�s roused them out of early retirement.
107
+
108
+
109
+
110
+ At launch, GeForce RTX heisters can enjoy the fastest frame rates possible thanks to the inclusion of DLSS 3 and DLSS 2 in PAYDAY 3. And to ensure you can battle off waves of cops with ease, NVIDIA Reflex will reduce system latency, making shooting and thievery even more responsive. If your PC isn�t cut out for fast-paced heisting, you can play PAYDAY 3 at launch on GeForce NOW with DLSS enabled.
111
+
112
+ Half-Life 2 RTX Community RTX Remix Mod In Development
113
+ NVIDIA RTX Remix, is a free, upcoming modding platform built on NVIDIA Omniverse, designed to enable modders to create and share #RTXON mods for classic games, each with enhanced materials, full ray tracing, NVIDIA DLSS, NVIDIA RTX IO and NVIDIA Reflex.
114
+
115
+ We released Portal with RTX, a high-fidelity reimagining of Valve�s timeless classic, as an example of what�s possible with Remix. Then, we turned the tools over to community modders who remastered Portal: Prelude. Today, we�re unveiling Half Life 2 RTX: An RTX Remix Project, a new community-made remaster of one of the highest-rated games of all time, Valve�s Half-Life 2.
116
+
117
+ Half-Life 2 RTX: An RTX Remix Project is being developed by four of Half-Life 2�s top mod teams, now working together under the banner of Orbifold Studios. Using the latest version of RTX Remix, the modders are rebuilding materials with Physically Based Rendering (PBR) properties, adding extra geometric detail via Valve�s Hammer editor, and leveraging NVIDIA technologies including full ray tracing, DLSS 3, Reflex, and RTX IO to deliver a fantastic experience for GeForce RTX gamers.
118
+
119
+
120
+ The mod team behind Half Life 2 RTX: An RTX Remix Project is currently looking to recruit more modders and artists. For more information and 4K RTX ON-OFF comparison screenshots, head to our Half-Life 2 RTX: An RTX Remix Project announcement article. If you are interested in joining the project, and have significant experience with creating mods or 3D art, we encourage you to apply via the Half-Life 2 RTX: An RTX Remix Project website.
121
+
122
+ Fortnite Upgrades To DLSS 3 This Fall
123
+ Since 2020, Fortnite has included DLSS 2 and NVIDIA Reflex, enabling all GeForce RTX gamers to play at super fast frame rates, with the lowest possible system latency, for the definitive experience.
124
+
125
+ This fall, Fortnite upgrades to NVIDIA DLSS 3, multiplying frame rates for GeForce RTX 40 Series gamers, giving you the headroom to max out its cutting edge Unreal Engine 5 settings at 4K, without sacrificing performance.
126
+
127
+
128
+
129
+ Head back to GeForce.com later this year for further details; if you don�t have a PC that delivers a fantastic Fortnite experience, consider playing via GeForce NOW, with DLSS and all the Unreal Engine 5 enhancements enabled:
130
+
131
+
132
+
133
+ Check Back Next Week For Even More RTX Games
134
+ Each week there are even more DLSS integrations arriving for an array of games, and in our weekly articles we give you the complete lowdown on them all. Check back next week for details on the next DLSS and RTX games, and head here to see the complete list of over 330 DLSS-enhanced games and apps.
dataset/baldurs-gate-3-and-even-more-dlss-games-this-august.txt ADDED
@@ -0,0 +1,79 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Baldur�s Gate 3 Launches This Week With DLSS 2 & DLAA
2
+ By Andrew Burnes on August 01, 2023 | Featured StoriesGeForce RTX GPUsNVIDIA DLSSNVIDIA ReflexNVIDIA RTXRay Tracing
3
+ Each week, we bring you news of the latest DLSS and ray tracing integrations in games and apps.
4
+
5
+ Last week, Remnant II launched with DLSS 2, new DLSS 3 integrations were revealed, and Ratchet & Clank: Rift Apart launched with NVIDIA DLSS 3, NVIDIA DLAA, NVIDIA Reflex, and NVIDIA RTX IO.
6
+
7
+
8
+
9
+ August looks to be another great month for DLSS and RTX, headlined by the official launch of Baldur�s Gate 3, enhanced with DLSS 2 and DLAA.
10
+
11
+ Additionally, DLSS 3 has been added to DESORDRE: A Puzzle Game Adventure and Remnant II, and will be available at the launch of Lost Soul Aside.
12
+
13
+ And as for DLSS 2, Grand Emprise: Time Travel Survival has just launched with support for frame rate accelerating technology.
14
+
15
+ For gamers with GeForce RTX GPUs, DLSS ensures you receive the definitive experience in each title, and thanks to GeForce RTX Ray Tracing Cores, you�ll enjoy the highest possible frame rates when enabling ray-traced effects in DESORDRE: A Puzzle Game Adventure and Ratchet & Clank: Rift Apart.
16
+
17
+ For all the details, read on.
18
+
19
+ Baldur�s Gate 3 Launches August 3rd With DLSS 2 & DLAA
20
+ From Larian Studios, the creators of Divinity: Original Sin 2 comes a next-generation RPG, set in the world of Dungeons & Dragons! Gather your party and return to the Forgotten Realms in Baldur�s Gate 3, a tale of fellowship and betrayal, sacrifice and survival, and the lure of absolute power. Mysterious abilities are awakening inside you, drawn from a mind flayer parasite planted in your brain. Resist, and turn darkness against itself. Or embrace corruption, and become ultimate evil.
21
+
22
+
23
+
24
+ After nearly 3 years, Baldur�s Gate 3 exits Early Access on August 3rd, having already entertained millions of gamers. Now though, you can experience the epic game from start to finish, in single-player or co-op, with a ridiculous amount of content, 12 classes, 174 hours of cinematics, and 2000 interactive characters.
25
+
26
+ On PC, get the definitive experience with a GeForce RTX graphics card, or play with GeForce RTX power in the cloud using GeForce NOW. Whichever way you play, you can max out graphical quality with NVIDIA DLAA, or crank up the frame rate with NVIDIA DLSS 2. In our benchmarks, GeForce RTX 40 Series desktop graphics cards increased their performance by an average of 93% when activating DLSS:
27
+
28
+ Thanks to DLSS 2, most GeForce RTX 40 Series gamers --and those with comparable cards-- can play Baldur�s Gate 3 at 4K, with every setting maxed, at over 60 frames per second. And on GeForce NOW, Ultimate Members can use the power of GeForce RTX 4080 cloud GPUs to play at a flawless 4K 120 FPS/120 Hz on compatible devices.
29
+
30
+
31
+
32
+ To learn more about Baldur�s Gate 3, check out the library of Community Updates on the game�s Steam page.
33
+
34
+ DESORDRE: A Puzzle Game Adventure Adds DLSS 3 & RTXDI, Upgrades To Unreal Engine 5.2
35
+ SHK Interactive�s DESORDRE: A Puzzle Game Adventure, launched with DLSS 2 in June, helping GeForce RTX gamers get faster performance in the parallel worlds players jump between as part of an experimental therapy program. Now, DESORDRE has become one of the world�s first, released Unreal Engine 5.2 games.
36
+
37
+
38
+
39
+ The leap from Unreal Engine 5.1 to 5.2 enhances graphics, performance, and player choice, helping users tailor their experience to the capabilities of their system.
40
+
41
+ Headlining the additions is NVIDIA RTX Direct Illumination (RTXDI), enabling each light source in DESORDRE to cast accurate ray-traced light and shadows, and be reflected in the game�s glossy environments. Performance remains fast thanks to RTXDI�s game-changing design, and on GeForce RTX 40 Series GPUs ray tracing gets even faster thanks to the addition of NVIDIA Shader Execution Reordering (SER) in the new update.
42
+
43
+ To ensure the highest frame rates when using RTXDI and other new features, SHK Interactive has leveraged the recently-released Unreal Engine 5.2 NVIDIA Streamline plugin to upgrade their existing DLSS 2 support to DLSS 3, featuring Frame Generation, Reflex, and Super Resolution.
44
+
45
+ When activated, DLSS 3 multiplies GeForce RTX 40 Series desktop GPU performance by an average of 3.6X at 4K, with the new, very demanding, max-quality Lumen and Nanite settings enabled. With this additional performance headroom, you also have the power to try experimental Unreal Engine 5.2 options that cranks options to 11, for the absolute highest levels of image quality.
46
+
47
+ At 1440p, frame rates are multiplied by an average of 2.4X, enabling 60 FPS+ play on the GeForce RTX 4070 and up. And at 1080p, a 2.2X average performance multiplication enables all GeForce RTX 40 Series desktop GPU owners to experience DESORDRE at its absolute best.
48
+
49
+ Head to DESORDRE: A Puzzle Game Adventure�s Steam page to learn more about the game, see trailers and screens, and to download a demo. And stay tuned to SHK Interactive�s social feeds, as they intend to upgrade to Unreal Engine 5.3 when it�s released, bringing even more goodness to the game.
50
+
51
+ Lost Soul Aside To Launch With DLSS 3
52
+ UltiZero Games� Lost Soul Aside is an action role-playing game developed with Unreal Engine 4 for PlayStation 5 and PC. The game has a unique combat system, gorgeous graphics, and a compelling storyline. The core of the game is smooth and intense combat, where players will face a variety of powerful enemies and challenges.
53
+
54
+ Through the investment and assistance of Sony Interactive Entertainment, and the continued perseverance and hard work from the China Hero project team and Lost Soul Aside development team, Lost Soul Aside continues to get bigger and better, and today, you can see the new, exclusive RTX On trailer on Bing Yang's YouTube channel:
55
+
56
+
57
+
58
+ When Lost Soul Aside is released, activate NVIDIA DLSS 3 for the definitive experience.
59
+
60
+ Remnant II Upgrades To DLSS 3
61
+ Remnant II from Gunfire Games is the sequel to the best-selling game Remnant: From the Ashes that pits survivors of humanity against new deadly creatures and god-like bosses across terrifying worlds. Play solo or co-op with two other friends to explore the depths of the unknown to stop an evil from destroying reality itself.
62
+
63
+
64
+
65
+ Released to critical acclaim on July 25th, Remnant II has racked up a swathe of 8 and 9 out of 10 reviews, and is rated Very Positive by players.
66
+
67
+ Now, GeForce RTX gamers can tailor their Remnant II experience with a full gamut of DLSS modes! DLSS 2 enables all GeForce RTX users to accelerate frame rates, DLSS 3 gives GeForce RTX 40 Series users the power of frame rate multiplication for the fastest performance possible, and DLAA uses a native resolution image to maximize image quality, rather than boosting performance. You can even combine DLAA and DLSS 3 Frame Generation for excellent image quality, and performance.
68
+
69
+ Using DLSS 3, GeForce RTX 40 Series gamers can multiply Remnant II frame rates by an average of 3.5X, enabling many configurations to enjoy the game at max settings at 4K, at over 60 FPS.
70
+
71
+ Grand Emprise: Time Travel Survival Available Now With DLSS 2
72
+ Tbjbu2�s Grand Emprise: Time Travel Survival sees players ride dinosaurs, forge tools, sail dunes, build a colony, siege castles, automate and fly, mine underground, launch to the moon, and build a dyson sphere in a revolutionary survival crafting, base building, open world single-player adventure.
73
+
74
+
75
+
76
+ Made by a single person in Unreal Engine 5, Grand Emprise: Time Travel Survival launched just a few days ago, boasting out of the box support for DLSS 2, ensuring GeForce RTX gamers have the fastest frame rates possible.
77
+
78
+ Check Back Next Week For Even More RTX Games
79
+ Each week there are even more DLSS integrations arriving for an array of games. Check back next week for a rundown of the next DLSS and RTX games, and head here to see the complete list of over 300 DLSS-enhanced games and apps.
dataset/baldurs-gate-3-game-ready-driver.txt ADDED
@@ -0,0 +1,45 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Baldur�s Gate 3 Game Ready Driver Released
2
+ By Andrew Burnes on August 08, 2023 | Featured StoriesDrivers
3
+ Our latest driver is Game Ready for Baldur�s Gate 3, as well as two new DLSS titles, The Texas Chain Saw Massacre and Gord.
4
+
5
+ And there�s also support for another 6 GeForce Experience Optimal Settings.
6
+
7
+ To download and install, head to the Drivers tab of GeForce Experience or GeForce.com, and read on for further details.
8
+
9
+ Game Ready For Baldur�s Gate 3
10
+ Larian Studios� critically acclaimed Baldur�s Gate 3 has been supported by our GeForce Game Ready Drivers since its Early Access launch 3 years ago. Now, we�re introducing additional optimizations and enhancements to further improve the hundreds of hours you�ll spend playing this epic role-playing game.
11
+
12
+ On PC, get the definitive experience with a GeForce RTX graphics card, or play in the cloud on GeForce NOW. Whichever way you play, you can max out graphical quality with NVIDIA DLAA, or crank up the frame rate with NVIDIA DLSS 2 - in our benchmarks, GeForce RTX 40 Series desktop graphics cards increased their performance by an average of 93%:
13
+
14
+ Thanks to DLSS 2, most GeForce RTX 40 Series gamers --and those with comparable cards-- can play Baldur�s Gate 3 at 4K, with every setting maxed, at over 60 frames per second. On GeForce NOW, Ultimate Members can use the power of GeForce RTX 4080 cloud GPUs to play at a flawless 4K 120 FPS/120 Hz on compatible devices.
15
+
16
+
17
+
18
+ Game Ready For The Texas Chain Saw Massacre
19
+ Take on the role of one of the notorious Slaughter family, or their victims, in Sumo Digital and Gun Interactive�s The Texas Chain Saw Massacre, a third-person asymmetrical horror experience based on the groundbreaking and iconic 1974 horror film.
20
+
21
+
22
+
23
+ Available August 18th, The Texas Chain Saw Massacre will ship with support for DLSS 2, ensuring your deaths aren�t the result of low frame rates, even when playing at the highest detail levels and resolutions. Upgrade your experience with DLSS 2, and your system with our new Game Ready Driver.
24
+
25
+ Game Ready For Gord
26
+ Covenant.dev and Team 17's Gord is a single-player adventure-strategy game. To survive, you must build, but to prevail, you must conquer the darkness beyond the gates. Lead the people of the Tribe of the Dawn as they venture deep into forbidden lands. Complete quests that shape your settlements , impact their wellbeing, and decide the fate of their community. Ensure the survival of your populace in a grim fantasy world inspired by Slavic folklore.
27
+
28
+
29
+
30
+ When this unique survival city-builder launches on August 17th, GeForce RTX will enjoy the fastest frame rates possible thanks to the day-one inclusion of DLSS 2.
31
+
32
+ New Games Supported By GeForce Experience�s Optimal Settings
33
+ GeForce Experience�s one-click optimal settings enable you to instantly configure game options for your system�s hardware, giving you smooth, optimized gameplay. Over 1000 titles are supported, and since our last driver release we�ve added support for 6 more:
34
+
35
+ Exoprimal
36
+ Jagged Alliance 3
37
+ Lost Judgment
38
+ Portal: Prelude RTX
39
+ Ratchet & Clank: Rift Apart
40
+ Remnant 2
41
+ GeForce Experience also enables you to capture and stream your gameplay, take screenshots, upload videos to social networks, and more.
42
+ GeForce Game Ready Driver - Download Now
43
+ Learn more about GeForce Game Ready Drivers here; download the new GeForce Game Ready 536.99 WHQL driver through GeForce Experience.
44
+
45
+ If you experience any technical issues with the new Game Ready drivers please post a detailed report on the GeForce.com Driver Feedback Forum, where our Customer Care team can better assist you. And if you�re looking for a full list of fixes in this driver, for previously-reported issues, head here.
dataset/call-of-duty-modern-warfare-3-and-more-support-nvidia-reflex.txt ADDED
@@ -0,0 +1,118 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ NVIDIA Reflex Coming To Call of Duty: Modern Warfare III, PAYDAY 3, Alan Wake 2, Cyberpunk 2077: Phantom Liberty & More
2
+ By Andrew Burnes on August 22, 2023 | Featured StoriesGamescomGeForce RTX GPUsNVIDIA DLSSNVIDIA ReflexNVIDIA RTXRay Tracing
3
+ NVIDIA Reflex is a must-have in games, reducing system latency so your actions occur quicker, giving you a competitive edge in multiplayer matches, and making single-player titles more responsive and enjoyable. NVIDIA Reflex is now used by over 50 million players each month, is available in 9 of the top 10 competitive shooters, including the Counter-Strike 2 beta, and is activated by 90% of GeForce gamers in over 70 supported titles.
4
+
5
+
6
+
7
+ NVIDIA Reflex is synonymous with responsive gaming, and can be found in the latest and greatest games. Today, we can confirm that Reflex will be available at launch in Alan Wake 2, Call of Duty: Modern Warfare III, Cyberpunk 2077: Phantom Liberty, and PAYDAY 3, some of the year�s most anticipated games.
8
+
9
+ Additionally, NVIDIA Reflex is ready to increase your competitiveness in APEX Legends Season 18 and Overwatch 2 Invasion.
10
+
11
+ Read on for all the details.
12
+
13
+ Call of Duty: Modern Warfare III Launching With NVIDIA Reflex & DLSS 3
14
+ In the direct sequel to the record-breaking Call of Duty: Modern Warfare II, Captain Price and Task Force 141 face off against the ultimate threat. The ultranationalist war criminal Vladimir Makarov is extending his grasp across the world causing Task Force 141 to fight like never before.
15
+
16
+ NVIDIA DLSS has been featured in Activision�s Call of Duty: Black Ops Cold War, Vanguard, Modern Warfare, Modern Warfare II, Warzone, and Warzone 2.0. Our long-standing Call of Duty technical partnership continues with the inclusion of NVIDIA Reflex and NVIDIA DLSS 3 in the recently revealed Call of Duty: Modern Warfare III, launching November 10.
17
+
18
+
19
+
20
+ Stay tuned for further details.
21
+
22
+ Alan Wake 2 Launches October 27th With NVIDIA Reflex, DLSS 3.5 & Full Ray Tracing
23
+ Remedy Entertainment operates at the cutting edge of technology, constantly creating the most immersive and advanced games of each generation. 2019�s Control was one of the first ray-traced and DLSS-enhanced games, and to this day remains a stunning title that demonstrates the advanced capabilities of the PC platform.
24
+
25
+ Back in 2010, Remedy released Alan Wake, an amazing narratively-driven action-thriller that blew gamers away with its visuals and dazzling light-based gameplay. On October 27th, the long-awaited sequel arrives, following Alan Wake and FBI agent Saga Anderson in a new nightmarish narrative, entitled Alan Wake 2, published by Epic Games.
26
+
27
+
28
+
29
+ Once again, NVIDIA and Remedy Entertainment are partnering to deliver a jaw-dropping experience for PC gamers, leveraging bleeding-edge technologies to crank image quality, immersion and performance to 11. On PC, Alan Wake 2 players can marvel at fully ray traced (path traced) graphics that are accelerated and enhanced by NVIDIA DLSS 3.5 and NVIDIA Reflex.
30
+
31
+
32
+
33
+ �The new Ray Reconstruction feature in DLSS 3.5 renders our fully ray-traced world more beautifully than ever before, bringing you deeper into the story of Alan Wake 2� - Tatu Aalto, Lead Graphics Programmer Remedy Entertainment
34
+
35
+ To ensure GeForce RTX gamers can experience Alan Wake 2 with ray tracing at the highest levels of fidelity, NVIDIA DLSS 3.5 will be available at launch. DLSS 3.5 makes your games even more beautiful, immersive and realistic with the introduction of Ray Reconstruction, a new AI-powered technique that further improves the quality of ray tracing. Ray Reconstruction is available for all GeForce RTX users - get the complete lowdown in our NVIDIA DLSS 3.5 announcement article.
36
+
37
+
38
+
39
+
40
+ Return to GeForce.com on October 27th for more info on Alan Wake 2�s incredible fully ray-traced effects, and its integration of NVIDIA DLSS 3.5. And if you lack a GeForce RTX desktop or laptop, know that you can play Alan Wake 2 with full ray tracing, NVIDIA Reflex and NVIDIA DLSS on GeForce NOW at launch.
41
+
42
+ Cyberpunk 2077: Phantom Liberty Available This September With NVIDIA Reflex, DLSS 3.5 & Full Ray Tracing
43
+ Phantom Liberty is a new spy-thriller adventure for Cyberpunk 2077. When the orbital shuttle of the President of the New United States of America is shot down over the deadliest district of Night City, there�s only one person who can save her � you. Become V, a cyberpunk for hire, and dive deep into a tangled web of espionage and political intrigue, unraveling a story that connects the highest echelons of power with the brutal world of black-market mercenaries.
44
+
45
+
46
+
47
+ Launching September 26th, Cyberpunk 2077: Phantom Liberty features the technology preview of the fully ray-traced Ray Tracing: Overdrive Mode, giving GeForce RTX gamers the most immersive and detailed gameplay possible. And today we can announce that DLSS 3.5 will be available this September for all Cyberpunk 2077 and Cyberpunk 2077: Phantom Liberty players.
48
+
49
+ In Cyberpunk 2077, DLSS Ray Reconstruction improves the quality and clarity of reflections, global illumination is even more accurate, and lighting is more dynamically responsive, for an even better, more immersive and realistic experience.
50
+
51
+
52
+ "Thanks to DLSS 3.5�s smart technology, fuelled by AI rendering power, you can experience Cyberpunk 2077: Phantom Liberty�s newest location Dogtown at its very best � with sharper images, more accurate lighting, and the highest frame rates possible." - Jakub Knapik, VP of Art, Global Art Director, CD PROJEKT RED
53
+
54
+ Stay tuned to GeForce.com for more information closer to Cyberpunk 2077: Phantom Liberty�s release, and get your system ready for Phantom Liberty with GeForce RTX 40 Series graphics cards and laptops.
55
+
56
+ Half-Life 2 RTX Community RTX Remix Mod In Development
57
+ NVIDIA RTX Remix, is a free, upcoming modding platform built on NVIDIA Omniverse, designed to enable modders to create and share #RTXON mods for classic games, each with enhanced materials, full ray tracing, NVIDIA DLSS, NVIDIA RTX IO and NVIDIA Reflex.
58
+
59
+ We released Portal with RTX, a high-fidelity reimagining of Valve�s timeless classic, as an example of what�s possible with Remix. Then, we turned the tools over to community modders who remastered Portal: Prelude. Today, we�re unveiling Half-Life 2 RTX: An RTX Remix Project, a new community-made remaster of one of the highest-rated games of all time, Valve�s Half-Life 2.
60
+
61
+ Half-Life 2 RTX: An RTX Remix Project is being developed by four of Half-Life 2�s top mod teams, now working together under the banner Orbifold Studios. Using RTX Remix, the modders are rebuilding materials with Physically Based Rendering (PBR) properties, adding extra geometric detail via Valve�s Hammer editor, and are leveraging NVIDIA technologies including full ray tracing, DLSS 3, Reflex, and RTX IO to deliver a fantastic experience for GeForce RTX gamers.
62
+
63
+
64
+ For more information and 4K RTX ON-OFF comparison screenshots, head to our Half-Life 2 RTX: An RTX Remix Project announcement article.
65
+
66
+ PAYDAY 3 Launching September 21st With DLSS 3 & Reflex
67
+ PAYDAY 3 is the much anticipated sequel to one of the most popular co-op shooters ever made. On September 21st, step out of retirement and back into a life of crime in the shoes of the Payday Gang, the nightmare of law-enforcement wherever they go. Several years after the crew�s reign of terror over Washington DC has ended, they assemble once again to deal with the threat that�s roused them out of early retirement.
68
+
69
+
70
+
71
+ At launch, GeForce RTX heisters can enjoy the fastest frame rates possible thanks to the inclusion of DLSS 3 and DLSS 2 in PAYDAY 3. And to ensure you can battle off waves of cops with ease, NVIDIA Reflex will reduce system latency, making shooting and thievery even more responsive. If your PC isn�t cut out for fast-paced heisting, you can play PAYDAY 3 at launch on GeForce NOW with DLSS enabled.
72
+
73
+ DESORDRE: A Puzzle Game Adventure Adds NVIDIA Reflex, DLSS 3, RTXDI & Upgrades To Unreal Engine 5.2
74
+ SHK Interactive�s DESORDRE: A Puzzle Game Adventure, launched with DLSS 2 in June, helping GeForce RTX gamers get faster performance in the parallel worlds players jump between as part of an experimental therapy program. Now, DESORDRE has become one of the world�s first, released Unreal Engine 5.2 games.
75
+
76
+
77
+
78
+ The leap from Unreal Engine 5.1 to 5.2 enhances graphics, performance, and player choice, helping users tailor their experience to the capabilities of their system.
79
+
80
+ Headlining the additions is NVIDIA RTX Direct Illumination (RTXDI), enabling each light source in DESORDRE to cast accurate ray-traced light and shadows, and be reflected in the game�s glossy environments. Performance remains fast thanks to RTXDI�s game-changing design, and on GeForce RTX 40 Series GPUs ray tracing gets even faster thanks to the addition of NVIDIA Shader Execution Reordering (SER) in the new update.
81
+
82
+ To ensure the highest frame rates when using RTXDI and other new features, SHK Interactive has leveraged the recently-released Unreal Engine 5.2 NVIDIA Streamline plugin to upgrade their existing DLSS 2 support to DLSS 3, featuring Frame Generation, Reflex, and Super Resolution. With the launch of the Reflex, gamers can enjoy up to 55% reduction in PC latency.
83
+
84
+ Head to DESORDRE: A Puzzle Game Adventure�s Steam page to learn more about the game, see trailers and screens, and to download a demo. And stay tuned to SHK Interactive�s social feeds, as they intend to upgrade to Unreal Engine 5.3 when it�s released, bringing even more goodness to the game.
85
+
86
+ Overwatch 2 Invasion Update & GeForce RTX Bundle Now Available
87
+ Overwatch 2 is Blizzard�s always-on and ever-evolving free-to-play, team-based action game that�s set in an optimistic future, where every match is the ultimate 5v5 battlefield brawl. To unlock the ultimate graphics experience in each battle, upgrade to a GeForce RTX 40 Series graphics card, desktop PC, or laptop for class-leading performance, and unbeatable responsiveness courtesy of NVIDIA Reflex.
88
+
89
+ The invasion has begun in Overwatch 2�s biggest season to date! Fight back in three co-op Player vs. Enemy Story Missions, play PvP as a new Support hero, and tier up the new Invasion Battle Pass to unlock new skins and cosmetics. And you can get the GeForce Overwatch 2 Invasion Ultimate Bundle with the purchase of select GeForce RTX 40 Series products at participating stores.
90
+
91
+
92
+
93
+ With your purchase in hand, you�ll unlock:
94
+
95
+ OW2 Invasion Story Missions
96
+ Vigilante Sojourn Legendary Skin (*Earned)
97
+ Sojourn Hero Unlock (*Earned)
98
+ Premium Battle Pass
99
+ 20 Battle Pass Tier Skips
100
+ The C-455 Sharpshooter Cassidy Legendary Skin
101
+ The K-2000 Blademaster Kiriko Legendary Skin
102
+ 3,000 Overwatch Coins
103
+ *Earned by completing Story Missions
104
+
105
+ NVIDIA Reflex reduces system latency by up to 60% in Overwatch 2, and the raw power of GeForce RTX 40 Series GPUs, which can run at over 360 FPS at 1440p:
106
+
107
+ You can also enjoy excellent performance and super low input latency on powerful, thin and light GeForce RTX 40 Series laptops:
108
+
109
+
110
+ APEX Legends Season 18: Resurrection Available Now
111
+ APEX Legends has featured support for NVIDIA Reflex for over 3 years, helping millions of gamers improve their competitiveness in the fast-paced battle royale.
112
+
113
+ Season 18: Resurrection was recently released with a Revenant remake, and much more. Go check it out today.
114
+
115
+
116
+
117
+ More To Come Soon
118
+ Even more new NVIDIA Reflex games, plus mice and monitors are on their way, so stay tuned to GeForce.com to learn more when the news drops; check out the complete list of currently supported games and devices on our NVIDIA Reflex website. And be sure to check out our other Gamescom announcements including NVIDIA DLSS 3.5, and all the new DLSS and RTX Games.
dataset/counter-strike-2-released-featuring-nvidia-reflex.txt ADDED
@@ -0,0 +1,83 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Counter-Strike 2 with NVIDIA Reflex and GeForce RTX 40 Series GPUs - The Lowest System Latency & Highest FPS
2
+ By Andrew Burnes on September 27, 2023 | Featured StoriesGeForce RTX GPUsGeForce RTX LaptopsNVIDIA Reflex
3
+ Counter-Strike: Global Offensive�s popularity has continued to increase since its release way back in 2012, and today, it remains the most played game on Steam each week, boasting over one million concurrent players.
4
+
5
+ Now, Valve has launched Counter-Strike 2, a graphical and technological update that upgrades Counter-Strike: Global Offensive to the Source 2 engine, leveraging newer graphics APIs for improved fidelity and responsiveness. NVIDIA has worked with Valve to make sure system latency, which is critical to winning, is at an absolute minimum with the addition of NVIDIA Reflex.
6
+
7
+ In competitive shooters such as Counter-Strike 2, higher FPS and lower system latency allows you to acquire targets faster, react more quickly, and increase aim precision. On a GeForce RTX 40 Series PC or laptop, your skill won�t be constrained by system latency, or frame rates.
8
+
9
+
10
+
11
+ Get the ultimate Counter-Strike 2 competitive experience, powered by GeForce RTX 40 Series for unbeatable performance, and NVIDIA Reflex for the lowest latency. Gamers with a compatible graphics card can enable NVIDIA Reflex in Counter-Strike 2 to reduce system latency by up to 35%.
12
+
13
+ Read on for more details.
14
+
15
+ Ultimate Counter-Strike 2 Experience with GeForce RTX 40 Series
16
+ Counter-Strike 2 is the largest technical leap forward in Counter-Strike history, ushering in a new era for one of the most iconic first person-shooters of all time. Building upon the legendary legacy of Counter-Strike: Global Offensive, this latest iteration now shines on the long anticipated Source 2 engine, promising enhanced graphical fidelity, with a physically-based rendering system producing more realistic textures and materials, dynamic lighting, reflections and more.
17
+
18
+
19
+
20
+ In addition to leveling up the Counter-Strike 2 world with stunningly reimagined maps, smoke grenades are now dynamic volumetric objects that interact with the environment, and react to lighting, gunfire, and explosions. Bullets and HE grenades can push smoke to briefly clear sightlines or expand occlusion. Smoke expands to fill spaces naturally. And Counter-Strike 2 smoke particles work with the unified lighting system allowing for more realistic light and color.
21
+
22
+
23
+
24
+ Counter-Strike 2�s technical enhancements result in a more GPU-intensive experience than CS:GO, which demands the capabilities of modern GPUs to experience previous performance benchmarks (144, 240, 360 and 500 FPS).
25
+
26
+ The GeForce RTX 4080 and RTX 4090 offer the ultimate 1440p Counter-Strike 2 experience, with the GeForce RTX 4090 delivering over 400 FPS at 1440p. In comparison, the GeForce RTX 4090 is over 4.5X faster than the GTX 1080, and over 2.9X faster than the RTX 2080 in the most demanding maps.
27
+
28
+ The GeForce RTX 4070 and RTX 4070 Ti excel in Counter-Strike 2 at 1080p. The GeForce RTX 4070 Ti delivers over 360 FPS at 1080p, 2.7X faster than the GTX 1070, and almost 2X faster than the RTX 2070 in the most demanding maps.
29
+
30
+ And the GeForce RTX 4060 and RTX 4060 Ti offer up 2.25X performance upgrades from one of Counter-Strike 2�s most popular GPUs, the GeForce GTX 1060.
31
+
32
+ At the end of the day, higher FPS will not make you a great gamer, but it will give you a better chance to win. This applies to the best Counter-Strike players in the world and those that are just getting started.
33
+
34
+
35
+
36
+ NVIDIA Reflex - Lowest Latency, Best Responsiveness
37
+ NVIDIA Reflex is a must-have in games, reducing system latency and improving responsiveness so your actions occur quicker. NVIDIA Reflex is now used by over 50 million players each month, is available in 9 of the top 10 competitive shooters, including Counter-Strike 2, and is activated by 90% of GeForce gamers in over 70 supported titles.
38
+
39
+
40
+
41
+ System Latency, often called �input lag�, is the delay between a player's action and its appearance on the screen. In games like Counter-Strike 2, even small delays can impact gameplay, making the difference between success and defeat. This delay results from the cumulative effect of several factors, including the time taken by peripherals to communicate with the PC, the PC's processing time, and the display's refresh rate. This is known as �End to End System Latency�.
42
+
43
+ There are two main types of latency:
44
+
45
+ Network Latency: The time it takes your system to communicate with the game�s servers and services when playing online. As this cannot be controlled by the PC, and is based on the characteristics of your internet connection and your distance from the game�s servers, network latency is not measured in the system latency stat.
46
+ System Latency: The entire end-to-end response time within your gaming system. It starts with peripheral latency, the delay from your input device; progresses through Game and Render Latency, which covers CPU processing and GPU rendering known as PC Latency; and ends with Display latency, the time taken for the rendered frame to appear on your screen.
47
+ Latency impacts gameplay in several ways. For instance, you might click your mouse when your crosshair is over an opponent, but the shot might still miss due to cumulative latency. It causes a delay between what's happening in the game state and what players perceive on screen. "Peeker�s advantage" is also influenced by system latency�when two players are the same distance from an angle with the same network ping, the player with lower system latency will spot an opponent before their opponent sees them. Furthermore, high system latency can make aiming inconsistent and less predictable, especially in games that demand quick and precise movements. In short, the higher the system latency, the more the player�s view lags behind the game�s reality.
48
+
49
+ NVIDIA Reflex reduces latency by optimizing the rendering pipeline across the CPU and GPU, removing stalls by synchronizing each step of the pipeline. Reflex is most effective when the system is GPU-bound�or when the GPU is under high utilization�as it prevents the CPU from racing ahead of the GPU, which can cause a buildup in the render queue, increasing latency.
50
+
51
+
52
+ GeForce RTX 40 Series with NVIDIA Reflex �On� delivers the best responsiveness in Counter-Strike 2 at sub 15ms PC latency for faster target acquisition, quicker reaction times, and the best aim precision. Gamers with compatible graphics cards can enable NVIDIA Reflex in Counter-Strike 2 to reduce system latency by up to 35%. NVIDIA Reflex �Enabled + Boost� can further reduce latency at the cost of extra power usage and a slightly lower frame rate. In Counter-Strike 2, this setting is only recommended for gamers who prioritize lowest latency over highest frame rate.
53
+
54
+ To ensure a responsive gaming experience, it�s crucial to measure latency and determine whether your system is running well. In general, PC Latency is the most accessible metric and is the main metric that should be used when optimizing game settings, Windows settings, or any other software setting on your PC.
55
+
56
+ There are three ways to measure PC latency in Counter-Strike 2: GeForce Experience�s Performance Overlay, the Reflex Analyzer, and FrameView. With GeForce Experience, enable the In-Game Overlay and hit ALT + R to view your PC Latency in game.
57
+
58
+
59
+ If you would like to use FrameView, here is how to get started:
60
+
61
+ Download and install FrameView
62
+
63
+ Launch FrameView (for more details, refer to the user guide)
64
+
65
+ Start Counter-Strike 2
66
+
67
+ An overlay from FrameView will be visible when the FrameView app is running.
68
+
69
+ The FrameView overlay will appear�note the baseline PCL with Reflex OFF
70
+
71
+ Enable Reflex in-game to observe the reduction in latency
72
+
73
+ For competitive players who want the best chance at victory, testing, tweaking and upgrading are the name of the game, and the Reflex Analyzer is the first tool to make this possible with complete accuracy. If you are new to measuring latency with NVIDIA Reflex Analyzer, check out our guide to get up to speed.
74
+
75
+ Get Game Ready For Counter-Strike 2 With The latest GeForce Driver
76
+ GeForce Game Ready Drivers deliver the best experience for your favorite games. They�re finely tuned in collaboration with developers, and extensively tested across thousands of hardware configurations for maximum performance and reliability. Game Ready Drivers also allow you to optimize game settings in GeForce Experience with a single click, and empower you with the latest NVIDIA technologies. That�s what we call Game Ready.
77
+
78
+ The latest GeForce Game Ready Driver is now available for download via the Drivers tab of GeForce Experience or GeForce.com. Install now to ensure your experience in Counter-Strike 2 is optimized from the first click.
79
+
80
+ Maximize Your Competitiveness With GeForce RTX 40 Series and NVIDIA Reflex
81
+ Armed with the information above, you can see how GeForce RTX 40 Series GPUs with NVIDIA Reflex deliver the fastest frame rates, the lowest frame times, and the lowest levels of End to End System Latency in Counter-Strike 2.
82
+
83
+ For more NVIDIA Reflex updates, and news of new Reflex Analyzer-compatible mice and monitors, please stay tuned to GeForce.com.
dataset/cyberpunk-2077-phantom-liberty-dlss-3-5-ray-reconstruction-game-ready-driver.txt ADDED
@@ -0,0 +1,46 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Cyberpunk 2077: Phantom Liberty NVIDIA DLSS 3.5 Ray Reconstruction Game Ready Driver Released
2
+ By Andrew Burnes on September 21, 2023 | Featured StoriesDrivers
3
+ Our latest driver is Game Ready for the launch of NVIDIA DLSS 3.5 and its new Ray Reconstruction technology in Cyberpunk 2077 and Cyberpunk 2077: Phantom Liberty.
4
+
5
+ Additionally, we�re Game Ready for three new anticipated games that all feature DLSS support: Party Animals, Warhaven, and Witchfire. And there's also Game Ready support for Counter-Strike 2, which is enhanced with NVIDIA Reflex.
6
+
7
+ To download and install, head to the Drivers tab of GeForce Experience or GeForce.com.
8
+
9
+ DLSS 3.5 & Ray Reconstruction Debut Today In Cyberpunk 2077
10
+ Today, September 21st, Cyberpunk 2077�s 2.0 update launches with tons of enhancements, including DLSS 3.5. In Cyberpunk 2077�s Ray Tracing: Overdrive Mode, DLSS 3.5�s new Ray Reconstruction technique improves the quality and clarity of reflections, global illumination is even more accurate, and lighting is more dynamically responsive, for an even better, more immersive, more realistic experience.
11
+
12
+
13
+
14
+ GeForce RTX 40 Series users can benefit from all the performance and image quality enhancements that DLSS 3.5 has to offer - including performance-multiplying Frame Generation for the fastest frame rates - in the demanding Ray Tracing: Overdrive Mode.
15
+
16
+ And on September 26th, Cyberpunk 2077: Phantom Liberty launches with full ray tracing, DLSS 3.5, and Ray Reconstruction. Phantom Liberty is a new spy-thriller adventure for Cyberpunk 2077. When the orbital shuttle of the President of the New United States of America is shot down over the deadliest district of Night City, there�s only one person who can save her � you. Become V, a cyberpunk for hire, and dive deep into a tangled web of espionage and political intrigue, unraveling a story that connects the highest echelons of power with the brutal world of black-market mercenaries.
17
+
18
+
19
+
20
+
21
+ "Thanks to DLSS 3.5�s smart technology, fuelled by AI rendering power, you can experience Cyberpunk 2077: Phantom Liberty�s newest location Dogtown at its very best � with sharper images, more accurate lighting, and the highest frame rates possible." - Jakub Knapik, VP of Art, Global Art Director, CD PROJEKT RED
22
+
23
+ Thanks to DLSS 3.5 and the leading full ray tracing performance of GeForce RTX 40 Series, the definitive way to experience Cyberpunk 2077: Phantom Liberty is on a GeForce RTX 40 Series graphics card, PC or laptop.
24
+
25
+ Get the ultimate Cyberpunk 2077: Phantom Liberty experience using the Ray Tracing: Overdrive Mode, at over 60 FPS, with GeForce RTX 40 Series graphics cards. At 4K, with full ray tracing enabled, along with max settings, NVIDIA DLSS 3.5 using Frame Generation, Ray Reconstruction, Reflex, and Super Resolution is 4.9X faster on average than native 4K rendering, while also looking substantially more realistic and immersive:
26
+
27
+ At 2560x1440, DLSS 3.5 multiplies performance by 3X average on average, enabling 60 FPS+ gameplay on the GeForce RTX 4070 and up:
28
+
29
+ At 1920x1080, all GeForce RTX 40 Series gamers can experience Cyberpunk 2077: Phantom Liberty at the highest levels of detail thanks to a 3X average performance multiplication courtesy of Frame Generation, Super Resolution and Ray Reconstruction:
30
+
31
+ For even more info about the launch of DLSS 3.5 and Ray Reconstruction in Cyberpunk 2077 and Cyberpunk 2077: Phantom Liberty, head on over to our Cyberpunk 2077 DLSS 3.5 launch article.
32
+
33
+ If you don�t have an RT Overdrive-capable PC, you can play with full ray tracing on GeForce NOW with an Ultimate subscription, which gives you a GeForce RTX 4080-class PC to play on via the cloud on virtually any device. Cyberpunk 2077: Phantom Liberty will arrive in the cloud on launch day.
34
+
35
+ Maximize Your Competitiveness For Counter-Strike 2 With NVIDIA Reflex
36
+ Get the ultimate Counter-Strike 2 competitive experience with NVIDIA Reflex for the lowest latency. Gamers with a compatible graphics card can enable NVIDIA Reflex in Counter-Strike 2 to reduce system latency by up to 35%.
37
+
38
+ Game Ready For DLSS In Party Animals, Warhaven, and Witchfire
39
+ NVIDIA DLSS is available in over 340 released games and apps, and barely a week goes by without a new integration launching for your most played and anticipated games. This week, Party Animals launches with DLSS 2, and Warhaven and Witchfire launch with support for NVIDIA DLSS 3. Check out the videos below to see how DLSS accelerates performance:
40
+
41
+ Party Animals, Warhaven and Witchfire also feature support for NVIDIA Reflex, a must-have in games that reduces system latency so your actions occur quicker, giving you a competitive edge in multiplayer matches, and making single-player titles more responsive and enjoyable. NVIDIA Reflex is now used by over 50 million players each month, is available in 9 of the top 10 competitive shooters, including the Counter-Strike 2 beta, and is activated by 90% of GeForce gamers in over 70 supported titles.
42
+
43
+ GeForce Game Ready Driver - Download Now
44
+ Learn more about GeForce Game Ready Drivers here; download the new GeForce Game Ready 537.42 WHQL driver through GeForce Experience.
45
+
46
+ If you experience any technical issues with the new Game Ready drivers please post a detailed report on theGeForce.com Driver Feedback Forum, where our Customer Care team can better assist you. And if you�re looking for a full list of fixes in this driver, for previously-reported issues, head here.
dataset/dlss-3-5-available-september-21.txt ADDED
@@ -0,0 +1,115 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ NVIDIA DLSS 3.5 Is Available Now In Cyberpunk 2077 Ray Tracing: Overdrive Mode & Chaos Vantage
2
+ By Andrew Burnes on September 21, 2023 | Featured StoriesCyberpunk 2077Frame GenerationGeForce RTX GPUsNVIDIA DLSSNVIDIA RTXRay ReconstructionRay Tracing
3
+ NVIDIA DLSS 3.5 debuts in Cyberpunk 2077 and Chaos Vantage.
4
+
5
+ NVIDIA DLSS 3.5 makes your games even more beautiful, immersive and realistic with the introduction of Ray Reconstruction, a new AI-powered technique that further enhances the quality of ray tracing. And in apps, ray-traced previews and viewports are greatly improved, enabling creators to better visualize the final result before time-consuming renders.
6
+
7
+ DLSS 3.5 is available for all GeForce RTX and NVIDIA RTX users; for the complete breakdown on this new technology, head to our NVIDIA DLSS 3.5 announcement article.
8
+
9
+ In other DLSS news, Lies of P, Party Animals, Warhaven and Witchfire are all launching this week with day-one DLSS support, and gamers can check out an open beta for The First Descendant, an upcoming DLSS 3-accelerated game.
10
+
11
+ In each game, GeForce RTX users will receive the definitive experience - read on for all the details.
12
+
13
+ NVIDIA DLSS 3.5 Launches Today
14
+ NVIDIA is advancing rendering technology once more with the introduction of NVIDIA DLSS 3.5, featuring Ray Reconstruction, which is a new AI model that enhances ray-traced images for intensive ray-traced games and apps.
15
+
16
+ Ray Reconstruction replaces hand-tuned denoisers, which resolve sampled rays in a scene, with an NVIDIA supercomputer-trained AI network that generates higher-quality pixels in between sampled rays.
17
+
18
+ Hand-tuned denoisers accumulate pixels from multiple frames to increase detail, in effect stealing rays from the past, but at the risk of introducing ghosting, removing dynamic effects, and reducing the quality of others. They also interpolate neighboring pixels, and blend this information together, at the risk of blending away too much detailed information, or not blending enough, and creating non-uniform lighting effects.
19
+
20
+ Upscaling is the last stage of the ray-traced lighting pipeline, and is key to experiencing the most detailed and demanding games at fast frame rates. But with denoising removing or decreasing the quality of effects, the limitations of hand-tuned denoisers are amplified, removing fine detail (referred to as high-frequency information) that upscalers use to output a crisp, clean image.
21
+
22
+ Trained with 5X more data than DLSS 3, DLSS 3.5 recognizes different ray-traced effects to make smarter decisions about using temporal and spatial data, and to retain high frequency information for superior-quality upscaling.
23
+
24
+ Using training derived from the analysis of offline-rendered images, which require far more computational power than can be delivered during a real-time game, Ray Reconstruction recognizes lighting patterns from training data, such as that of global illumination or ambient occlusion, and recreates it in-game as you play. The results are superior to using hand-tuned denoisers.
25
+
26
+
27
+
28
+ In Portal with RTX, with DLSS OFF, the denoiser struggles with spatial interpolation, where it�s not blending enough pixels, creating a blotchy effect. Additionally, it�s not accumulating enough good pixels from previous frames, and the result is a boiling effect in the light. With DLSS 3.5, it recognizes certain patterns associated with reflections and keeps the image stable, accumulating accurate pixels while blending neighboring pixels to generate high quality reflections.
29
+
30
+
31
+
32
+ In the following scene from Cyberpunk 2077, the inaccurate headlight illumination which surrounds the car is a result of the hand-tuned denoiser pulling in inaccurate lighting effects from previous frames. DLSS 3.5 accurately generates lighting, so you can make out the beam of the headlights, and see light reflect on the curb in front of the car.
33
+
34
+ The streets of Cyberpunk 2077�s Night City are filled with reflections from rotating billboards and neon lights. By activating DLSS 3.5, their quality and clarity is vastly improved city wide:
35
+
36
+ With DLSS 3.5, we�re delivering a faster, better experience as a free upgrade, building upon the much-loved enhancements already available in your favorite games and most used apps.
37
+
38
+ Cyberpunk 2077 Upgrades To DLSS 3.5
39
+ Cyberpunk 2077�s 2.0 update is available now with tons of enhancements, including DLSS 3.5. In Cyberpunk 2077�s Ray Tracing: Overdrive Mode, DLSS 3.5�s new Ray Reconstruction technique improves the quality and clarity of reflections, global illumination is even more accurate, and lighting is more dynamically responsive, for an even better, more immersive, more realistic experience.
40
+
41
+
42
+
43
+ GeForce RTX 40 Series users can benefit from all the performance and image quality enhancements that DLSS 3.5 has to offer - including performance-multiplying Frame Generation for the fastest frame rates - in the demanding Ray Tracing: Overdrive Mode.
44
+
45
+ And on September 26th, Cyberpunk 2077: Phantom Liberty launches with full ray tracing, DLSS 3.5, and Ray Reconstruction. Phantom Liberty is a new spy-thriller adventure for Cyberpunk 2077. When the orbital shuttle of the President of the New United States of America is shot down over the deadliest district of Night City, there�s only one person who can save her � you. Become V, a cyberpunk for hire, and dive deep into a tangled web of espionage and political intrigue, unraveling a story that connects the highest echelons of power with the brutal world of black-market mercenaries.
46
+
47
+
48
+
49
+ "Thanks to DLSS 3.5�s smart technology, fuelled by AI rendering power, you can experience Cyberpunk 2077: Phantom Liberty�s newest location Dogtown at its very best � with sharper images, more accurate lighting, and the highest frame rates possible." - Jakub Knapik, VP of Art, Global Art Director, CD PROJEKT RED
50
+
51
+ Thanks to DLSS 3.5 and the leading full ray tracing performance of GeForce RTX, the definitive way to experience Cyberpunk 2077: Phantom Liberty is on a GeForce RTX graphics card, PC or laptop.
52
+
53
+ For even more info about the launch of DLSS 3.5 and Ray Reconstruction in Cyberpunk 2077 and Cyberpunk 2077: Phantom Liberty, head on over to our Cyberpunk 2077 DLSS 3.5 launch article.
54
+
55
+ DLSS 3.5 For Creators: Chaos Vantage Upgrades Today, NVIDIA Omniverse This October
56
+ Creative platforms and applications have a wide variety of content that is difficult for traditional denoisers as they require hand-tuning per scene. As a result, when previewing content you get suboptimal image quality. With DLSS 3.5, the AI neural network is able to recognize a wide variety of scenes, producing high quality images during preview, before committing a long time for a final render.
57
+
58
+ The benefit of Ray Reconstruction is particularly noticeable while navigating the viewport, as rendering during camera movement is notoriously difficult. But Ray Reconstruction enables sharper images with significantly reduced noise while panning around a scene, improving the real-time editing experience and allowing creators to share their work with clients and collaborators.
59
+
60
+ Chaos Vantage is a popular 3D visualization tool enabling creators to explore large scenes in a fully ray-traced environment. Vantage, which is already accelerated on RTX GPUs with NVIDIA�s OptiX denoiser and NVIDIA DLSS Super Resolution, adds support for Ray Reconstruction to provide further enhancements to image quality, providing a massive boost for creators navigating complex scenes.
61
+
62
+
63
+ Additionally, NVIDIA Omniverse USD Composer, a fully customizable app for OpenUSD world-building that allows users to assemble, light, simulate, and render large scale scenes, will be upgrading to DLSS 3.5 in October.
64
+
65
+ The First Descendant Open Beta Is Ongoing, Featuring DLSS 3
66
+ Nexon Games� The First Descendant is a free, third-person cooperative action-RPG shooter powered by Unreal Engine 5. Experience the fun of strategic boss fights through 4-player co-op, using an extensive range of unique characters, with exciting gunplay, and looting. Battle through the engrossing story, and tackle World Missions against huge bosses.
67
+
68
+
69
+
70
+ From now through September 25th, gamers can participate in a First Descendant Crossplay Open Beta, featuring 13 characters, nine giant boss raids, and tons of other content. If you�re playing on PC with a GeForce RTX GPU, you can activate NVIDIA DLSS 3, multiplying performance for GeForce RTX 40 Series gamers, and accelerating frame rates for all other GeForce RTX users via DLSS 2.
71
+
72
+
73
+
74
+
75
+ Warhaven Available Now With DLSS 3
76
+ Enter battle in NEXON Korea�s Warhaven, a visceral 16 vs. 16 third-person medieval-fantasy combat action game created by the minds behind Durango: Wild Lands and Vindictus. Choose among a diverse roster of melee-weapon and magic-based combatants to storm battlegrounds as you see fit. Transform into powerful heroes called Immortals to wield supernatural skill sets, and experience team-based sword-and-magic gameplay like never before.
77
+
78
+
79
+
80
+ In Warhaven, performance can be accelerated to even greater heights with NVIDIA DLSS 3, and system latency can be reduced with NVIDIA Reflex. At 4K, with ray-traced global illumination and max settings enabled, performance multiplies by 3X on average thanks to DLSS 3:
81
+
82
+
83
+
84
+
85
+ Witchfire Enters Early Access With Support For DLSS 3 & Reflex
86
+ The Astronauts� Witchfire is a dark fantasy first-person shooter from the creative leads behind Painkiller, Bulletstorm, and The Vanishing of Ethan Carter. Desperate for a chance to triumph in the deadly war against witches, the Church calls on forbidden pagan magic to turn willing sinners into immortal witch hunters called preyers. Armed with powerful spells and fearsome firearms conjured by the best Vatican sorcerers, your mission is to find the infamous witch of the Black Sea, destroy the phantom army that protects her, and retrieve a mysterious artifact that can finally turn the tide of war.
87
+
88
+
89
+
90
+ Like The Astronauts� previous title, The Vanishing of Ethan Carter, Witchfire uses photogrammetry technology to achieve stunning visuals in its grim, immersive dark fantasy world. On GeForce RTX PCs and laptops those visuals will be accelerated by NVIDIA DLSS 3, and system latency will be reduced by NVIDIA Reflex, making gameplay even more responsive.
91
+
92
+ At 4K, our testing saw performance multiply by 2.3X on average with max settings enabled:
93
+
94
+ Lies of P Available Now With DLSS 2
95
+ Inspired by the familiar story of Pinocchio, Lies of P is an action Souls-like game set in the dark, Belle �poque-inspired city of Krat. Once a beautiful city, Krat has become a living nightmare as deadly puppets run amok and a plague sweeps the land. Play as P, a puppet who must fight his way through the city on his unrelenting journey to find Geppetto and finally become human. Lies of P presents an elegant world filled with tension, deep combat and character customization systems, and a gripping story with interesting narrative choices where the more lies told, the more human P becomes.
96
+
97
+
98
+
99
+ Lies of P is available now with support for DLSS 2, giving GeForce RTX gamers significantly faster performance - in our GeForce RTX 40 Series benchmarks, frame rates increased by an average of 1.9X at 4K with max settings enabled.
100
+
101
+ Party Animals Available Now With DLSS 2 & Reflex
102
+ Battle with your friends as puppies, kittens and other cuddly creatures in Party Animals, developed by Recreate Games. Engage in paw-to-paw combat with your friends online. Interact with the world using a realistic physics engine and take advantage of interactive elements in each unique level to emerge victorious in every brawl.
103
+
104
+ In Party Animals, GeForce RTX gamers can boost performance with DLSS 2 and reduce system latency with NVIDIA Reflex, giving them a competitive edge over critters with less responsive systems.
105
+
106
+
107
+
108
+ In our testing, 4K performance increased by 1.7X on average with max settings enabled, enabling all GeForce RTX gamers to crush the competition at ludicrously fast and fluid frame rates:
109
+
110
+ Also, stream the game on nearly any device with GeForce NOW. Upgrade to an Ultimate membership to play with GeForce RTX 4080-class performance, streaming from the cloud.
111
+
112
+ Check Back Next Week For Even More RTX Games
113
+ Five years ago we started a revolutionary journey: to redefine graphics with neural rendering and artificial intelligence. DLSS has come a long way, and is now accelerating performance in over 340 released games and apps. And DLSS 3.5 with Ray Reconstruction will use the power of AI to make games and apps even more beautiful and immersive, starting with Cyberpunk 2077, Cyberpunk 2077: Phantom Liberty, and Chaos Vantage.
114
+
115
+ Return to GeForce.com each week to learn about the latest, greatest and most anticipated games launching with DLSS.
dataset/dlss-3-5-cyberpunk-2077-phantom-liberty-available-now.txt ADDED
@@ -0,0 +1,93 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Cyberpunk 2077: Phantom Liberty Available Now With NVIDIA DLSS 3.5 & Full Ray Tracing
2
+ By Andrew Burnes on September 25, 2023 | Featured StoriesCyberpunk 2077Frame GenerationGeForce NowGeForce RTX GPUsNVIDIA DLSSNVIDIA RTXRay ReconstructionRay Tracing
3
+ Cyberpunk 2077: Phantom Liberty is now available on PC with full ray tracing, DLSS 3.5, and Ray Reconstruction. Phantom Liberty is a new spy-thriller adventure for Cyberpunk 2077. When the orbital shuttle of the President of the New United States of America is shot down over the deadliest district of Night City, there�s only one person who can save her � you. Become V, a cyberpunk for hire, and dive deep into a tangled web of espionage and political intrigue, unraveling a story that connects the highest echelons of power with the brutal world of black-market mercenaries.
4
+
5
+ Witness the power of full ray tracing and DLSS 3.5 in Cyberpunk 2077: Phantom Liberty for yourself in our Cyberpunk 2077
6
+
7
+
8
+ "Thanks to DLSS 3.5�s smart technology, fuelled by AI rendering power, you can experience Cyberpunk 2077: Phantom Liberty�s newest location Dogtown at its very best � with sharper images, more accurate lighting, and the highest frame rates possible." - Jakub Knapik, VP of Art, Global Art Director, CD PROJEKT RED
9
+
10
+ If you don�t own the expansion, return to the neon lights of Night City in Cyberpunk 2077�s 2.0 update, available now, featuring support for NVIDIA DLSS 3.5 and its new Ray Reconstruction technology, enhancing the quality of full ray tracing in Cyberpunk 2077�s Ray Tracing: Overdrive Mode.
11
+
12
+ Press agree that Cyberpunk 2077 with DLSS 3.5 Ray Reconstruction is an incredible leap forward for image quality and immersion:
13
+
14
+ �NVIDIA DLSS 3.5 In Cyberpunk 2077 Is Breathtaking: The Most Advanced Graphics Ever In A PC Game� - WCCFTech
15
+ �Turning on Ray Reconstruction is like a revelation.� - DigitalTrends
16
+ �It's really, really good-looking.� - PCGamer
17
+ �NVIDIA's lead in ray-tracing performance and image quality takes a massive leap forward thanks to DLSS 3.5� - TweakTown
18
+ �It didn�t take long to notice the improvement in not just the gameplay, but visuals, and performance as well thanks to DLSS 3.5.� - TechCritter
19
+ �DLSS 3.5�s Ray Reconstruction is the real deal� - DSOGaming
20
+ Crank Ray Tracing Up To Overdrive
21
+ Both Cyberpunk 2077 and Cyberpunk 2077: Phantom Liberty feature full ray tracing in the technology preview for the Ray Tracing: Overdrive Mode. Full ray tracing, also known as path tracing, accurately simulates light throughout an entire scene. It is used by visual effects artists to create film and TV graphics that are indistinguishable from reality, but until the arrival of GeForce RTX GPUs with RT Cores, and the AI-powered acceleration of NVIDIA DLSS, real-time video game full ray tracing was impossible because it is extremely GPU intensive.
22
+
23
+
24
+
25
+ For even more info on the making of Ray Tracing: Overdrive Mode, check out our interview with CD PROJEKT RED
26
+
27
+ Previous techniques separately addressed ray-traced shadows, reflections and global illumination for a small number of light sources. Full ray tracing models the properties of light from a virtually unlimited number of emissive sources, delivering physically correct shadows, reflections and global illumination on all objects.
28
+
29
+ One of the most impactful additions in the technology preview of Cyberpunk 2077�s Ray Tracing: Overdrive Mode is NVIDIA RTX Direct Illumination (RTXDI), a free SDK that enables developers to closely replicate the appearance of light in scenes with numerous light sources. With RTXDI, thousands of objects can emit ray-traced light.
30
+
31
+ In Cyberpunk 2077, each neon sign, street lamp, LED billboard, car headlight, and other source of light is now ray-traced, bathing objects, walls, passing cars and pedestrians in accurate lighting.
32
+
33
+ With full ray tracing and RTXDI, now practically all light sources cast physically correct soft shadows, a feat previously unimaginable using previous approaches. Players will experience enhanced shadowing, with better depth, detail and realism.
34
+
35
+
36
+ No matter how geometrically complex a scene gets, pipes, rails, staircases, and other objects will now get proper shadows from all the shadow casting lights in their vicinity.
37
+ Cyberpunk 2077 features a full day-night cycle. To upgrade indirect lighting from all emissive sources, including the sun and moon, Global Illumination (GI) needed to be path traced, too. Rendering techniques including Screen Space Reflections, Screen Space Ambient Occlusion, and the existing GI solutions were replaced by a single unified algorithm that delivers more accurate lighting of scenes and objects.
38
+
39
+ With the Ray Tracing: Overdrive Mode enabled, natural colored lighting bounces multiple times throughout Cyberpunk 2077�s world, creating more realistic indirect lighting and occlusion.
40
+
41
+
42
+ The sunlight bounces off the floor to indirectly light a cardboard stack for more realistic lighting and occlusion. Click here to view the comparison in 4K
43
+
44
+ Reflections now incorporate bounced detail, too, and are rendered at full resolution, accentuating the cyberpunk aesthetic and further heightening immersion.
45
+
46
+
47
+ Full ray tracing helps to balance the diffuse and specular response of materials to the light, resulting in even more realistic reflections. Click here to view the comparison in 4K
48
+
49
+ Combined, the full ray tracing of direct and global illumination give gamers the most advanced real-time lighting seen to date in gaming, and a preview of how all games will look in the future.
50
+
51
+ Full ray tracing in Cyberpunk 2077 and Cyberpunk 2077: Phantom Liberty is extremely GPU intensive. For the ultimate experience we recommend GeForce RTX 40 Series and NVIDIA DLSS 3.5. Read on for more details.
52
+
53
+ Cyberpunk 2077 Upgrades To DLSS 3.5
54
+ DLSS 3.5 is available in both Cyberpunk 2077 with the game�s 2.0 update, and Cyberpunk 2077: Phantom Liberty. In the Ray Tracing: Overdrive Mode, DLSS 3.5�s new Ray Reconstruction technology enhances the quality and clarity of reflections, global illumination is even more accurate, and lighting is more dynamically responsive, for an even better, more immersive, more realistic experience.
55
+
56
+ When activated, Ray Reconstruction replaces several hand-tuned ray tracing denoisers with a new unified AI model that enhances full ray tracing, elevating image quality to new heights. In the following scene, the inaccurate headlight illumination which surrounds the car is a result of the hand-tuned denoiser pulling in inaccurate lighting effects from previous frames. DLSS 3.5 accurately generates lighting, so you can make out the beam of the headlights, and see light reflect on the curb in front of the car.
57
+
58
+ The streets of Night City are filled with reflections from rotating billboards and neon lights. By activating DLSS 3.5, their quality and clarity is enhanced city-wide:
59
+
60
+ GeForce RTX 40 Series users can combine Super Resolution and Frame Generation with Ray Reconstruction for breathtaking performance and image quality, while GeForce RTX 20 and 30 Series users can add Ray Reconstruction to their AI-powered arsenal alongside Super Resolution.
61
+
62
+ Digital Foundry DLSS 3.5 Tech Interview
63
+ In a lengthy roundtable discussion, Digital Foundry�s resident PC expert, Alex Battaglia, spoke to Bryan Catanzaro, Vice President Applied Deep Learning Research at NVIDIA, Jakub Knapik, VP Art and Global Art Director at CD Projekt RED, and NVIDIA GeForce evangelist Jacob Freeman about DLSS 3.5, the evolution of the original DLSS, the success of DLSS in the modding community, and the future of machine learning in PC graphics.
64
+
65
+
66
+
67
+ Those and even more topics are covered in the 1 hour discussion, so if you want even more insight into the magic of DLSS, you should definitely check it out.
68
+
69
+ Max Performance With NVIDIA DLSS 3.5
70
+ In Cyberpunk 2077 and Cyberpunk 2077: Phantom Liberty, replacing multiple hand-tuned denoisers with Ray Reconstruction also happens to increase performance that bit more. Get the ultimate Cyberpunk 2077: Phantom Liberty experience, using the Ray Tracing: Overdrive Mode, at over 60 FPS, with GeForce RTX 40 Series graphics cards. We recommend the GeForce RTX 4090 and RTX 4080 at 4K, RTX 4070 Ti and RTX 4070 at 1440p, and the RTX 4060 Ti and RTX 4060 at 1080p.
71
+ At 4K, with full ray tracing enabled, along with max settings, NVIDIA DLSS 3.5 using Frame Generation, Ray Reconstruction, Reflex, and Super Resolution is 4.9X faster on average than native 4K rendering, while also looking substantially more realistic and immersive:
72
+
73
+ At 2560x1440, DLSS 3.5 multiplies performance by 3X average on average, enabling 60 FPS+ gameplay on the GeForce RTX 4070 and up:
74
+
75
+ At 1920x1080, all GeForce RTX 40 Series gamers can experience Cyberpunk 2077: Phantom Liberty at the highest levels of detail thanks to a 3X average performance multiplication courtesy of Frame Generation, Super Resolution and Ray Reconstruction:
76
+
77
+ To find a GeForce RTX 40 Series GPU, head here for a full rundown of models available in your region.
78
+
79
+ Get Game Ready For Cyberpunk 2077: Phantom Liberty With The Latest Game Ready Driver
80
+ For the very best experience in Cyberpunk 2077 and Cyberpunk 2077: Phantom Liberty with full ray tracing and DLSS 3.5, download our Cyberpunk 2077: Phantom Liberty Game Ready Driver for your PC or laptop from GeForce.com or GeForce Experience.
81
+
82
+ cyberpunk-2077-phantom-liberty-game-ready-driver-download-september-21-2023
83
+ You Can Also Enjoy Full Ray Tracing Enhanced By NVIDIA DLSS 3.5 On GeForce NOW
84
+ GeForce NOW instantly transforms your laptop, desktop, Mac, TV, Android device, iPhone, or iPad into the powerful PC gaming rig you�ve always dreamed of.? GeForce NOW connects to digital PC game stores so you can stream the games you already own, without fear of losing access to them.
85
+
86
+ Our Ultimate membership offers you instant access to the high performance GeForce RTX 4080 cloud gaming rigs for a high-resolution, ultra-low latency experience, in Cyberpunk 2077, Cyberpunk 2077: Phantom Liberty, and over 1600 other games.
87
+
88
+ Cyberpunk 2077 & Cyberpunk 2077: Phantom Liberty Are #RTXOn
89
+ Starting today, you can experience DLSS 3.5 and Ray Reconstruction in Cyberpunk 2077: Phantom Liberty�s Ray Tracing: Overdrive Mode. DLSS 3.5 makes your games even more beautiful, immersive and realistic, and is available for all GeForce RTX users.
90
+
91
+
92
+
93
+ Return to GeForce.com each week to learn about the latest, greatest and most anticipated games launching with DLSS.
dataset/dlss-3-icarus-dlss-2-ad-infinitum.txt ADDED
@@ -0,0 +1,60 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ICARUS Available Now With DLSS 3, Ad Infinitum & Mortal Kombat 1 Launching With DLSS 2
2
+ By Andrew Burnes on September 12, 2023 | Featured StoriesGeForce RTX GPUsNVIDIA DLSSNVIDIA RTX
3
+ Each week, we bring you news of the latest DLSS and ray tracing integrations in games and apps.
4
+
5
+ Last week, we revealed that Lies of P, Party Animals, SYNCED, and Witchfire were all launching with support for DLSS this month, bringing that performance-accelerating goodness on day-1 to even more anticipated games.
6
+
7
+ This week, ICARUS has upgraded to NVIDIA DLSS 3 and more DLSS 2 games are available now including Arcadegeddon, Starsiege: Deadzone, and Warstride Challenges. Looking ahead, Ad Infinitum and Mortal Kombat 1 are launching with DLSS 2.
8
+
9
+ For all the details, read on.
10
+
11
+ ICARUS DLSS 3 Update Available Now
12
+ In ICARUS, the co-op survival game by Dean Hall and RocketWerkz, players explore a savage alien wilderness in the aftermath of terraforming gone wrong. Survive long enough to mine exotic matter before returning to orbit, then explore and conquer new biomes of greater risk and greater reward. You must meet your deadline for extraction though, or face being left behind forever. Alternatively, play in the persistent Open World mode to build a planet-side encampment that�ll give you a base from which to explore the game�s massive maps, and beat ICARUS� challenging bosses.
13
+
14
+
15
+
16
+ When ICARUS launched into Early Access, it was the first game to feature RTX Global Illumination (RTXGI), a performant ray-traced technique for simulating the natural illumination of indoor and outdoor scenes from the sun and moon in massive open-world environments. And accompanying RTXGI was DLSS 2, accelerating performance by up to 60%.
17
+
18
+ Mere days ago, a new ICARUS update introduced support for DLSS 3, boosting performance by 2.6X on average, enabling max setting, ray-traced gameplay on many GeForce RTX 40 Series systems.
19
+
20
+ ICARUS is updated each week with new content and features, so stay tuned to this page to track the latest additions.
21
+
22
+ Ad Infinitum Launches September 14th With DLSS 2
23
+ Trapped between the walls of your family home and the trenches of World War I, you try to piece together your past and take back control of your life. Will the nightmare of the war ever end? Will you find inner peace one day? In Naco and Hekate's Ad Infinitum, you play as a German soldier haunted by the horrors of the Great War. While your mind grapples with memories of your family home and the trenches on the front, you try to break the endless cycle of suffering.
24
+
25
+
26
+
27
+ When Ad Infinitum launches on September 14th, GeForce RTX gamers can accelerate their experience with DLSS 2, for the best performance possible.
28
+
29
+ Mortal Kombat 1 Launches With DLSS 2 On September 19th
30
+ Liu Kang has restarted history, crafting a New Era reflecting his vision of peace. Meanwhile Mileena, twin sister of Kitana and rightful heir to Outworld's throne, has been infected by a dreaded and lethal disease. Lin Kuei warriors and brothers Scorpion and Sub-Zero fight for the future of the clan, while Earthrealm champions Raiden and Kung Lao fight for family and honor. Johnny Cage, who is more concerned with staying relevant in the eyes of his fans, fights for his own vanity. Fight your way through the new Universe of Mortal Kombat 1, ushering in a new era of the iconic franchise with a new fighting system, game modes, and new, spectacular fatalities.
31
+
32
+
33
+
34
+ At launch, DLSS 2 Super Resolution will be available to ensure GeForce RTX gamers hit a locked 60 frames per second in every match, with every setting maxed out.
35
+
36
+ Warstride Challenges Exits Early Access With Support For DLSS 2 & Reflex
37
+ Blast hordes of demons at lightning speed in bloody gunfights, and race against the clock to overcome everything that comes your way, in Warstride Challenges. Die and retry to get the highest score in increasingly intense trials, create and share your own runs, and attempt to be the best at the hundreds of levels created by the community.
38
+
39
+ Dream Powered Games and Focus Entertainment�s twitch shooter rewards speed and aim precision, which is why DLSS 2 and NVIDIA Reflex were added during Early Access, boosting performance.
40
+
41
+
42
+
43
+ Last week, Warstride Challenges exited Early Access with a 93% Steam player rating, and a ton of new content, including a live multiplayer mode, enabling you to compete against friends in real-time, rather than simply on the scoreboards. For further details, check out Warstride Challenges� Steam page.
44
+
45
+ Arcadegeddon Available Now With DLSS 2
46
+ IllFonic's Arcadegeddon is an ever-evolving co-op multiplayer, roguelite shooter that allows you and up to 3 friends to explore multiple biomes, compete in mini games, find hidden chests, and battle a cast of enemies and bosses. Arcadegeddon lets you play at your own pace with its mix of PVE and PVP gameplay. As you get to know the town, you can dive into additional challenges from the local gangs that hangout in Gilly�s Arcade, earning you much more than just street cred.
47
+
48
+
49
+
50
+ GeForce RTX gamers jumping into the action can enable DLSS 2 to accelerate their frame rates.
51
+
52
+ Starsiege: Deadzone Available Now With DLSS 2
53
+ Prophecy Games' Starsiege: Deadzone is an Early Access multiplayer corridor extraction shooter set in a dark sci-fi universe where humanity is on the brink of extinction. As space mercenaries, known as Raiders, players will team up with two others to explore the derelict stations taken over by sentient AI. As a Raider, your goal is to extract valuable weapons and resources for your faction. Players will customize a loadout and venture into procedurally generated ships making each match unique. Work alone or together to overcome the ship's deadly traps and defenses in order to escape. However, beware of the other Raiders seeking the same riches.
54
+
55
+
56
+
57
+ GeForce RTX gamers battling through the space station can activate DLSS 2 to accelerate performance, for the fastest and most fluid shooting possible.
58
+
59
+ Check Back Next Week For Even More RTX Games
60
+ Each week there are even more DLSS integrations arriving for an array of games. Check back next week for a rundown of the next DLSS and RTX games, and head here to see the complete list of over 330 DLSS-enhanced games and apps.
dataset/dlss-anticipated-games-launching-september-2023.txt ADDED
@@ -0,0 +1,44 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ SYNCED & Witchfire Launch With DLSS 3 This Month
2
+ By Andrew Burnes on September 05, 2023 | Featured StoriesGeForce RTX GPUsNVIDIA DLSSNVIDIA ReflexNVIDIA RTX
3
+ Each week, we bring you news of the latest DLSS and ray tracing integrations in games and apps.
4
+
5
+ Last week, several new games launched with support for our performance accelerating technology, and we showcased upcoming games launching with day-one DLSS 3 support.
6
+
7
+ This week, we�re giving you a look at more highly-anticipated games launching this September with DLSS:
8
+
9
+ SYNCED launches September 8th with DLSS 3.
10
+ Lies of P launches September 19th with DLSS 2
11
+ Party Animals launches September 20th with DLSS 2 and Reflex
12
+ Witchfire enters early access September 20th with DLSS 3 and Reflex
13
+ For all the details, read on.
14
+
15
+ SYNCED Launches September 8th With DLSS 3
16
+ NExT Studios and Level Infinite's SYNCED is a futuristic free-to-play cooperative shooter set in a world devastated by rogue technology. Gear up with a squad or fight solo across intense PvE and PvP scenarios as you take the fight to the Nanos and weaponize your enemy.
17
+
18
+
19
+
20
+ On September 8th, SYNCED will officially launch on Steam and Epic Game Store with support for NVIDIA DLSS 3, giving GeForce RTX gamers the definitive experience.
21
+
22
+ Witchfire Enters Early Access On September 20th With Support For DLSS 3 & Reflex
23
+ The Astronauts� Witchfire is a dark fantasy first-person shooter from the creative leads behind Painkiller, Bulletstorm, and The Vanishing of Ethan Carter. Desperate for a chance to triumph in the deadly war against witches, the Church calls on forbidden pagan magic to turn willing sinners into immortal witch hunters called preyers. Armed with powerful spells and fearsome firearms conjured by the best Vatican sorcerers, your mission is to find the infamous witch of the Black Sea, destroy the phantom army that protects her, and retrieve a mysterious artifact that can finally turn the tide of war.
24
+
25
+
26
+
27
+ Like The Astronauts� previous title, The Vanishing of Ethan Carter, Witchfire uses photogrammetry technology to achieve stunning visuals in its grim, immersive dark fantasy world. On GeForce RTX PCs and laptops those visuals will be accelerated by NVIDIA DLSS 3, and system latency will be reduced by NVIDIA Reflex, making gameplay even more responsive.
28
+
29
+ Lies of P Launches September 19th With DLSS 2
30
+ Inspired by the familiar story of Pinocchio, Lies of P is an action Souls-like game set in the dark, Belle �poque-inspired city of Krat. Once a beautiful city, Krat has become a living nightmare as deadly puppets run amok and a plague sweeps the land. Play as P, a puppet who must fight his way through the city on his unrelenting journey to find Geppetto and finally become human. Lies of P presents an elegant world filled with tension, deep combat and character customization systems, and a gripping story with interesting narrative choices where the more lies told, the more human P becomes.
31
+
32
+
33
+
34
+ When Lies of P launches on September 19th, GeForce RTX gamers can significantly accelerate their performance - in our GeForce RTX 40 Series benchmarks, frame rates increased by an average of 1.9X at 4K with max settings enabled.
35
+
36
+ Party Animals Launching September 20th With DLSS 2 & Reflex
37
+ Battle with your friends as puppies, kittens and other cuddly creatures in Party Animals, developed by Recreate Games. Engage in paw-to-paw combat with your friends online. Interact with the world using a realistic physics engine and take advantage of interactive elements in each unique level to emerge victorious in every brawl.
38
+
39
+ When Party Animals is released on September 20th, GeForce RTX gamers can boost performance with DLSS 2 and reduce system latency with NVIDIA Reflex, giving them a competitive edge over critters with less responsive systems.
40
+
41
+
42
+
43
+ Check Back Next Week For Even More RTX Games
44
+ Each week there are even more DLSS integrations arriving for an array of games. Check back next week for a rundown of the next DLSS and RTX games, and head here to see the complete list of over 330 DLSS-enhanced games and apps.
dataset/first-descendant-nvidia-dlss-3.txt ADDED
@@ -0,0 +1,44 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ The First Descendant Launching With NVIDIA DLSS 3
2
+ By Andrew Burnes on August 15, 2023 | Featured StoriesGeForce RTX GPUsNVIDIA DLSSNVIDIA RTX
3
+ NVIDIA DLSS 3 is available now in 40 games, and is coming to more games this year. Today, The First Descendant joins that ever-expanding list of upcoming DLSS 3 games, ensuring GeForce RTX gamers receive the definitive experience the second it launches.
4
+
5
+ This week, Gord and The Texas Chain Saw Massacre launch with DLSS 2, accelerating frame rates for all GeForce RTX gamers, and Achilles: Legends Untold is available now.
6
+
7
+ For all the details, read on, and be sure to check back next week for some big announcements.
8
+
9
+ The First Descendant Will Launch With DLSS 3
10
+ Nexon Games� The First Descendant is a free, third-person cooperative action-RPG shooter powered by Unreal Engine 5. Experience the fun of strategic boss fights through 4-player co-op, using an extensive range of unique characters, with exciting gunplay, and looting. Battle through the engrossing story, and tackle World Missions against huge bosses.
11
+
12
+ At launch, The First Descendant will feature NVIDIA DLSS 3, multiplying performance for GeForce RTX 40 Series gamers, and accelerating frame rates for all other GeForce RTX players via DLSS 2.
13
+
14
+
15
+ Need for Speed Unbound - Volume 4 Available August 16
16
+ Need for Speed Unbound, the latest edition in the Need for Speed franchise from Electronic Arts and Criterion Games, puts players in the driver�s seat of their own street racing fantasy as they outsmart cops and prove they have what it takes to win The Grand, Lakeshore�s ultimate street racing challenge. Since its release, Need for Speed Unbound has supported NVIDIA DLSS 3, giving GeForce RTX gamers the fastest possible frame rates.
17
+
18
+ The game�s newest update, Volume 4, will be available August 16, bringing with it brand new Gauntlet Playlists, Boosted events, newly unlocked Linkup areas, and a host of new Speed Pass content and challenges.
19
+
20
+
21
+
22
+ Achilles: Legends Untold Available Now With DLSS 2
23
+ Dark Point Games� Achilles: Legends Untold is more than just an action RPG. Featuring a novel blend of a complex combat system and the isometric view, it offers an entirely new experience, testing your ability to observe, strategize, and improve. Keep track of your endurance level, learn your opponents' behavior, and create your own fighting style using the expansive skill tree.
24
+
25
+
26
+
27
+ In this Early Access game, GeForce RTX gamers will discover support for NVIDIA DLSS 2, accelerating frame rates for an even better experience.
28
+
29
+ Gord Goes Live August 17th With DLSS 2
30
+ Covenant.dev and Team 17's Gord is a single-player adventure-strategy game. To survive, you must build, but to prevail, you must conquer the darkness beyond the gates. Lead the people of the Tribe of the Dawn as they venture deep into forbidden lands. Complete quests that shape your settlements , impact their wellbeing, and decide the fate of their community. Ensure the survival of your populace in a grim fantasy world inspired by Slavic folklore.
31
+
32
+
33
+
34
+ When this unique survival city-builder launches on August 17th, GeForce RTX will enjoy the fastest frame rates possible thanks to the day-one inclusion of DLSS 2.
35
+
36
+ The Texas Chain Saw Massacre Available With DLSS 2 On August 18th
37
+ Take on the role of one of the notorious Slaughter family, or their victims, in Sumo Digital and Gun Interactive�s The Texas Chain Saw Massacre, a third-person asymmetrical horror experience based on the groundbreaking and iconic 1974 horror film.
38
+
39
+
40
+
41
+ Available August 18th, The Texas Chain Saw Massacre will ship with support for DLSS 2, ensuring your deaths aren�t the result of low frame rates, even when playing at the highest detail levels and resolutions.
42
+
43
+ Check Back Next Week For Some Big Announcements!
44
+ Each week there are even more DLSS integrations arriving for an array of games. Check back next week for a rundown of the next DLSS and RTX games, and some exciting announcements. For a complete list of over 300 DLSS-enhanced games and apps, head here.
dataset/geforce-now-thursday-aug-24.txt ADDED
@@ -0,0 +1,85 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Game Pass Comes to GeForce NOW, Along With 25 New Games
2
+ This fall, members can stream AAA titles �Alan Wake 2,� �Cyberpunk 2077: Phantom Liberty� expansion, �PAYDAY 3� and �Party Animals� from GeForce NOW, as announced at Gamescom.
3
+ August 24, 2023 by GEFORCE NOW COMMUNITY
4
+
5
+
6
+ As part of NVIDIA and Microsoft�s collaboration to bring more choice to gamers, new Microsoft Store integration has been added to GeForce NOW that lets gamers stream select titles from the Game Pass catalog on GeForce NOW, starting today.
7
+
8
+ With the Microsoft Store integration, members will see a brand-new Xbox button on supported PC games and can seamlessly launch these titles across their devices, provided they either purchased the standalone games through the Microsoft Store or have an active Xbox Game Pass Ultimate or PC Game Pass subscription.
9
+
10
+ Hot off our recent Gamescom announcement, four blockbuster titles are coming to GeForce NOW this fall: Alan Wake 2, Cyberpunk 2077: Phantom Liberty expansion, Party Animals and PAYDAY 3.
11
+
12
+ Plus, head to the cloud and stream the 25 new titles joining the cloud this week, including DOOM 2016 from Bethesda.
13
+
14
+ Members have also been playing the GeForce NOW Ultimate KovaaK�s challenge, raising the bar with 240 frames per second streaming using an Ultimate membership. Check out the leaderboard to see how Ultimate members are stacking up against other GeForce NOW members � top scorers have a chance to win some ultimate prizes through Thursday, Sept. 21, including a six-month PC Game Pass.
15
+
16
+ Select Game Pass Titles Now Available
17
+ Xbox PC Game Pass on GeForce NOW
18
+ Hello, Xbox.
19
+ Give a warm welcome to the Microsoft Store on GeForce NOW. It joins digital platforms Steam, Epic Games Store, Ubisoft Connect and others in the cloud. Experience it today with hit PC games from Xbox Game Studios, Bethesda and other top publishers recently added to GeForce NOW, like Fatshark, Paradox and TaleWorld Entertainment.
20
+
21
+ With a GeForce NOW Ultimate membership, stream popular shooters Gears 5 and Deathloop with the highest graphical fidelity. Embark on a mini-adventure on the big screen by shrinking to the size of an ant in Grounded. Or enjoy the historical narrative Pentiment while on the go with a mobile device.
22
+
23
+ Take a deep dive into history with titles from the Age of Empires series on a Chromebook and a comfy throne of your own or experience an alternative version of history in the newly added Wolfenstein II: New Colossus and Wolfenstein: Youngblood titles with the power of 4K streaming on NVIDIA SHIELD.
24
+
25
+ Warhammer 40k: Darktide Xbox PC Game Pass on GeForce NOW
26
+ Fight the dark tide with the power of the cloud.
27
+ Lead armies in TaleWorld Entertainment�s action role-playing game Mount & Blade II: Bannerlord, take on hordes of enemies in Fatshark�s action shooter Warhammer 40,000: Darktide or explore infinite worlds in Hello Game�s No Man�s Sky.
28
+
29
+ Keep an eye out for more games from the PC Game Pass library to be added to GeForce NOW. Check out this article for more details on how Game Pass will work on GeForce NOW.
30
+
31
+ And this week only, on top of being able to win a six-month Ultimate membership and $100 Steam gift card for making it into the top three on the weekly leaderboard of the Ultimate KovaaK�s challenge, those who make it into the top 10 will get a six-month PC Game Pass. Keep an eye out on GeForce NOW�s Twitter and Facebook accounts for more details.
32
+
33
+ Straight Out of Gamescom
34
+ Top publishers Epic Games Publishing, CD Projekt Red and Deep Silver are all bringing their blockbuster titles to GeForce NOW at launch in the fall.
35
+
36
+ Alan Wake 2 coming to GeForce NOW
37
+ Wake up, it�s the second game in the �Alan Wake� franchise.
38
+ Uncover the newest mystery in the upcoming survival horror game Alan Wake 2, sequel to the award-winning game Alan Wake, from Remedy Entertainment and Epic Games Publishing. Survive as the best-selling horror writer Alan Wake � who�s trapped in a dark dimension and trying to write his way out � or as FBI agent Saga Anderson in a life-or-death race to solve a small-town murder that quickly spirals into a nightmare.
39
+
40
+ Play through two distinct stories set in two beautiful yet terrifying worlds and see events unfold from different perspectives. The characters must take on powerful supernatural enemies and use more than just a gun to survive: light is the ultimate weapon in the fight against darkness. Members can stream the game from the cloud when it launches on Tuesday, Oct. 27.
41
+
42
+ Cyberpunk 2077 expansion coming to GeForce NOW
43
+ Welcome to the neon cloud.
44
+ Return as cyber-enhanced mercenary V in the upcoming spy-thriller expansion for the hit open-world action adventure Cyberpunk 2077 from CD Projekt Red. Phantom Liberty features the all-new district of Dogtown, infinitely replayable open-world activities, an exclusive skill tree and much more � including new weapons, cyberware, vehicles and gigs for players to discover. Embark on a high-stakes mission of espionage and intrigue to save the NUS President when the expansion launches in the cloud on Tuesday, Sept. 26.
45
+
46
+ PAYDAY 2 coming to GeForce NOW
47
+ It pays to be a GeForce NOW member.
48
+ Join the Payday Gang in the upcoming third installment of the PAYDAY franchise from Starbeeze Studios, Overkill Software and Deep Silver. In PAYDAY 3, play as notorious criminals who must face off against new enemies and challenges in an action-packed, high-octane experience. Invite your friends to the four-player online co-op mode to pull off the ultimate heist when the title launches on GeForce NOW on Thursday, Sept. 21.
49
+
50
+ These games are all headed to the cloud this fall. Upgrade to an Ultimate membership today to skip the waiting lines over free members and get access to powerful NVIDIA technology, including RTX ON and DLSS 3.5 technology for AI-powered graphics and peak-performance gaming.
51
+
52
+ Welcome to the Cloud
53
+ DOOM 2016 on GeForce NOW
54
+ You won�t be able to resist the power of the cloud.
55
+ The next Bethesda game to heat up the cloud is DOOM 2016. Fight through hordes of demonic forces on Mars after waking up on a Union Aerospace Corporation energy-mining facility. Play as the Doom Slayer, an unnamed space marine from the DOOM franchise, and use a variety of weapons, gadgets and melee attacks in this fast-paced, first-person shooter. Plus, several online multiplayer modes are available, so members can grab some buddies to stream with.
56
+
57
+ Catch the full list of games joining the cloud this week:
58
+
59
+ WrestleQuest (New release on Steam, Aug. 21)
60
+ Jumplight Odyssey (New release on Steam, Aug. 21)
61
+ Blasphemous 2 (New release on Steam, Aug. 24)
62
+ RIDE 5 (New release on Steam, Aug. 24)
63
+ Age of Empires: Definitive Edition (Xbox)
64
+ Age of Empires III: Definitive Edition (Xbox)
65
+ Age of Empires IV: Anniversary Edition (Xbox)
66
+ Crusader Kings III (Xbox)
67
+ Dead Cells (Xbox)
68
+ Deathloop (Xbox)
69
+ Doom 2016 (Steam)
70
+ Gears 5 (Xbox)
71
+ Grounded (Xbox)
72
+ Mount & Blade II: Bannerlord (Xbox)
73
+ No Man�s Sky (Xbox)
74
+ Pentiment (Xbox)
75
+ Quake (Xbox)
76
+ Shadowrun: Dragonfall � Director�s Cut (Xbox)
77
+ Stellaris (Xbox)
78
+ The Texas Chain Saw Massacre (Xbox)
79
+ Trackmania (Steam)
80
+ Valheim (Xbox)
81
+ Warhammer 40,000: Darktide (Xbox)
82
+ Wolfenstein: Youngblood (Xbox)
83
+ Wolfenstein II: The New Colossus (Xbox)
84
+ This week�s Game On giveaway with SteelSeries includes Destiny 2 and three-day Priority membership codes. Check the giveaway page for details on how to enter.
85
+
dataset/geforce-rtx-at-ltx-2023.txt ADDED
@@ -0,0 +1,12 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ GeForce @ LTX 2023: Experience The Latest GeForce RTX Systems and Tech & Meet The Team
2
+ By Andrew Burnes on July 21, 2023 | Featured StoriesEvents
3
+ This Summer, gamers will be flocking to Canada�s LTX 2023. The fun begins July 29th in Canada at Linus Media Group�s LTX 2023 Expo. Featuring many of the biggest names in gaming tech, numerous creators, a large LAN, main stage presentations and events, and of course, Linus himself, LTX Expo is a full weekend of fun.
4
+
5
+ In prime position next to the main stage, the NVIDIA Lounge will give attendees a place to experience the GeForce RTX 4090, in addition to the latest GeForce RTX 40 Series GPUs, laptops, and technologies. Attendees can get hands-on with demos of the latest DLSS 3-enabled games, and newly-released NVIDIA G-SYNC Ultra Low Motion Blur 2 gaming monitors.
6
+
7
+ The lounge is powered by ASUS, Corsair, Gigabyte, MSI and Origin PC, who have each provided systems and hardware to level up your experience.
8
+
9
+ You�ll also have the chance to meet GeForce Evangelist, Jacob Freeman, who will be on hand to answer your RTX questions, guide you through the demos and more! You�ll also find Jacob around the hall, chatting with creators and attendees - if you see him, be sure to say hi and snag a selfie.
10
+
11
+ Win Prizes At Home Or On The Road With #RTXRoadshow
12
+ If you attend, make sure to snap and share a photo from the GeForce lounge using #RTXRoadshow, and you could win an RTX keyboard key cap. If you�re at home, message us on social using #RTXRoadshow to tell us what creators you�re looking forward to seeing Jacob chat to, and you could win a Steam Gift Card or RTX key cap.
dataset/geforce-rtx-at-quakecon-2023.txt ADDED
@@ -0,0 +1,12 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ GeForce RTX @ QuakeCon 2023: Experience The Latest GeForce RTX Systems and Tech & Meet The Team
2
+ By Andrew Burnes on August 03, 2023 | Featured StoriesEvents
3
+ Having wowed gamers at LTX 2023 with the latest GeForce RTX games and technologies, GeForce Evangelist Jacob Freeman and the NVIDIA team are now heading to Texas for QuakeCon 2023. First held in August 1996, QuakeCon celebrates all-things id, and now all-things Bethesda Software.
4
+
5
+ If you�re attending, come find the NVIDIA Lounge, where you can experience the GeForce RTX 4090, in addition to the latest GeForce RTX 40 Series GPUs, laptops, and technologies. Attendees can get hands-on with demos of DLSS and RTX games, including DOOM Eternal, Ghostwire: Tokyo, Quake II RTX, The Elder Scrolls Online: Necrom, and can check out newly-released NVIDIA G-SYNC Ultra Low Motion Blur 2 gaming monitors.
6
+
7
+ The powerful cloud gaming service, NVIDIA�s GeForce NOW, and its top tier Ultimate membership in the GeForce NOW Ultimate Kovaak�s Challenge will also be available at the show. Attendees can test their skills with ultra-high 240 fps cloud gaming, streaming from RTX 4080-class servers in the lounge � top challenge scorers will have the chance to win some fabulous prizes. Register now and participate at home when the challenge launches for everyone August 10.
8
+
9
+ Demos are powered by our partners at ASUS, Logitech, MSI, Viewsonic and Xidax, and they�ll also be giving away gear and other swag, so be sure to head on by and check everything out.
10
+
11
+ Win Prizes At Home Or On The Road With #RTXRoadshow
12
+ If you�re attending QuakeCon 2023, make sure to snap and share a photo from the GeForce lounge using #RTXRoadshow, and you could win an RTX keyboard key cap. If you�re at home, message us on social using #RTXRoadshow to tell us which creators you�re looking forward to seeing Jacob chat to, and you could win a Steam Gift Card or RTX key cap.
dataset/gord-sprawl-texas-chain-saw-massacre-out-august-with-dlss.txt ADDED
@@ -0,0 +1,42 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Gord, SPRAWL & The Texas Chain Saw Massacre Launch This August With DLSS
2
+ By Andrew Burnes on August 08, 2023 | Featured StoriesGeForce RTX GPUsNVIDIA DLSSNVIDIA RTX
3
+ Each week, we bring you news of the latest DLSS and ray tracing integrations in games and apps.
4
+
5
+ Last week, the phenomenally good Baldur�s Gate 3 launched to critical acclaim, and GeForce RTX gamers are receiving the definitive experience thanks to the inclusion of DLSS 2 and DLAA.
6
+
7
+ Additionally, DLSS 3 was added to DESORDRE: A Puzzle Game Adventure, and Remnant II added support for DLSS 3 and DLAA, giving PC players an even better experience in the action game that�s already sold over a million copies.
8
+
9
+ Today, we�re announcing that Gord, SPRAWL and The Texas Chain Saw Massacre will all launch with DLSS 2 in the near future, and if you�re looking for a new DLSS game to play, Deadlink is available now.
10
+
11
+ For all the details, read on.
12
+
13
+ Gord Goes Live August 17th With DLSS 2
14
+ Covenant.dev and Team 17's Gord is a single-player adventure-strategy game. To survive, you must build, but to prevail, you must conquer the darkness beyond the gates. Lead the people of the Tribe of the Dawn as they venture deep into forbidden lands. Complete quests that shape your settlements , impact their wellbeing, and decide the fate of their community. Ensure the survival of your populace in a grim fantasy world inspired by Slavic folklore.
15
+
16
+
17
+
18
+ When this unique survival city-builder launches on August 17th, GeForce RTX will enjoy the fastest frame rates possible thanks to the day-one inclusion of DLSS 2.
19
+
20
+ The Texas Chain Saw Massacre Available With DLSS 2 On August 18th
21
+ Take on the role of one of the notorious Slaughter family, or their victims, in Sumo Digital and Gun Interactive�s The Texas Chain Saw Massacre, a third-person asymmetrical horror experience based on the groundbreaking and iconic 1974 horror film.
22
+
23
+
24
+
25
+ Available August 18th, The Texas Chain Saw Massacre will ship with support for DLSS 2, ensuring your deaths aren�t the result of low frame rates, even when playing at the highest detail levels and resolutions.
26
+
27
+ SPRAWL Launches This Month With DLSS 2 & DLAA
28
+ MAETH and Rogue Games� SPRAWL is a hardcore retro FPS set in an endless cyberpunk megalopolis. The golden age of humanity has ended, leaving behind a broken world. Now SEVEN, a disgraced special ops super soldier, must escape the walled city and take on the militarized government of the sprawl. Run through dark alleys and dilapidated apartments�surfaces compatible with your "icarus" cybernetic implant. Perform gravity defying acrobatic wall-running maneuvers, slow time, utilize a vast arsenal of weapons to fight the forces of the corporate government, and make your way towards the SPIRE to topple whatever lays within.
29
+
30
+
31
+
32
+ Launching later this month, SPRAWL features DLSS 2 to help gamers maximize performance, and DLAA for players who already have performant frame rates, who wish to maximize image quality and clarity.
33
+
34
+ Deadlink Available Now With DLSS 2
35
+ Gruby Entertainment and SuperGG.com�s Deadlink is a Very Positively-rated cyberpunk FPS with roguelite elements. You're an elite operative recruited to the experimental, eponymous Deadlink project. Pilot an autonomous combat shell, fighting your way through cramped slums, twisted labs, grimy warehouses, and sleek office buildings on a mission to thwart the schemes of the most powerful corporations in the world. Wield a deadly arsenal, upgrade your skills and tech, devastate destructible environments, and slash corporate profit margins � all at the same time.
36
+
37
+
38
+
39
+ Deadlink recently exited Early Access, and included in its launch build was DLSS 2, giving GeForce RTX gamers the performance to max out rendering resolutions and detail levels.
40
+
41
+ Check Back Next Week For Even More RTX Games
42
+ Each week there are even more DLSS integrations arriving for an array of games. Check back next week for a rundown of the next DLSS and RTX games, and head here to see the complete list of over 300 DLSS-enhanced games and apps.
dataset/half-life-2-rtx-remix-in-development.txt ADDED
@@ -0,0 +1,39 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Announcing Half-Life 2 RTX, An RTX Remix Project Being Built By The Community
2
+ By Andrew Burnes on August 22, 2023 | Featured StoriesGamescomGeForce RTX GPUsGeForce RTX LaptopsNVIDIA DLSSNVIDIA OmniverseNVIDIA ReflexNVIDIA RTXNVIDIA RTX IONVIDIA RTX RemixPortal with RTXRay Tracing
3
+ NVIDIA RTX Remix is a free, upcoming modding platform built on NVIDIA Omniverse, designed to enable modders to create and share #RTXON mods for classic games, each with enhanced materials, full ray tracing, NVIDIA DLSS, NVIDIA RTX IO and NVIDIA Reflex.
4
+
5
+ We released Portal with RTX, a high-fidelity reimagining of Valve�s timeless classic, as an example of what�s possible with Remix. Then, we turned the tools over to community modders who remastered Portal: Prelude. Today, we�re unveiling Half-Life 2 RTX: An RTX Remix Project, the in-development community remaster of one of the highest-rated games of all time, Valve�s Half-Life 2.
6
+
7
+ Half-Life 2 RTX: An RTX Remix Project is being developed by four of Half-Life 2�s top mod teams, now working together under the banner of Orbifold Studios. Using the latest version of RTX Remix, the modders are rebuilding materials with Physically Based Rendering (PBR) properties, adding extra geometric detail via Valve�s Hammer editor, and leveraging NVIDIA technologies including full ray tracing, DLSS 3, Reflex, and RTX IO to deliver a fantastic experience for GeForce RTX gamers.
8
+
9
+
10
+ As with the Portal projects, almost every asset is being reconstructed in high fidelity, and full ray tracing (otherwise known as path tracing) is being leveraged to bring cutting-edge graphics to Half-Life 2. In Half-Life 2 RTX, average world textures have 8X the pixels, and assets like the suit feature 20X the geometric detail of the original game. You can now see the fabric weavings around the joints of the suit, and the interplay of plastics and metals that compose the chest, leg, and arm pieces.
11
+
12
+
13
+ Every light source bounces around the scene and casts realistic shadows, making Kleiner�s Lab feel like a real place. Orange vats cast light that illuminate dark corners in a vibrant glow, while the liquid inside refracts the entire world through it.
14
+
15
+
16
+ Props are transformed with full ray tracing, like the magnification lens on Kleiner�s desk, which used shaders in 2004 to depict a low resolution reflection of the world. Now, the magnifying glass contains a curved lens that realistically refracts light and bends every reflection, heightening immersion.
17
+
18
+
19
+ And with remastered PBR materials and textures that interact naturally with these effects, creatures like the Headcrab �Lamarr� have never looked better, pointing to how this 20 year-old classic can look like a modern game.
20
+
21
+
22
+ Half-Life 2 RTX: An RTX Remix Project is early in development and is a community effort looking to galvanize talented modders and artists everywhere. If you are interested in joining the project, and have significant experience with creating mods or 3D art, we encourage you to apply via the Half-Life 2 RTX: An RTX Remix Project website.
23
+
24
+
25
+ For more information and the latest news on Half-Life 2 RTX stay tuned to GeForce.com.
26
+
27
+ Portal with RTX Upgrades To NVIDIA DLSS 3.5
28
+ The recently released Portal: Prelude RTX used a new version of NVIDIA RTX Remix that improved performance and the quality of path tracing for older graphics cards. Later this Fall, we�re bringing those optimizations and enhancements to Portal with RTX, alongside an upgrade to NVIDIA DLSS 3.5, which introduces a new feature called Ray Reconstruction that uses AI to improve ray tracing image quality.
29
+
30
+ In Portal with RTX, textures are enhanced as Ray Reconstruction intelligently accumulates engine data and information across multiple frames to produce a more accurate and clear image. With existing rendering techniques, full ray tracing could struggle to resolve multiple photons of light bouncing against thin materials, like metal fences, or highly reflective surfaces. This could cause excessive shimmering on thin surfaces and light instability or �boiling� on reflective walls. But with DLSS 3.5�s Ray Reconstruction technology, each fence appears stable no matter how much light is illuminating the thinnest of its meshes.
31
+
32
+ Lights and reflections update faster and more accurately, too and each crevice in every room is lit with clarity, making the test chambers of Aperture Laboratories look as they would in the real world.
33
+
34
+
35
+
36
+ Learn more about DLSS 3.5 and Ray Reconstruction here, and head to our DLSS Games Article to see how Alan Wake 2, Cyberpunk 2077, Cyberpunk 2077: Phantom Liberty, and creative apps are leveraging Ray Reconstruction to further improve image quality.
37
+
38
+ Want To Make Your Own RTX Remix Remaster? Join The Community
39
+ NVIDIA will continue sharing early access versions of RTX Remix with select modders to further refine the creator toolkit and runtime. Sign up now to be notified of early access updates on the RTX Remix Page, and join the RTX Remix Discord server if you�re interested in collaborating with other modders using Remix to remaster classic games.
dataset/july-2023-reflex-game-updates.txt ADDED
@@ -0,0 +1,55 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ NVIDIA Reflex Reduces Ratchet & Clank: Rift Apart�s System Latency By Up To 48%
2
+ By Andrew Burnes on July 25, 2023 | Featured StoriesGeForce RTX GPUsNVIDIA Reflex
3
+ NVIDIA Reflex is a must-have in games, reducing system latency so your actions occur quicker, giving you a competitive edge in multiplayer matches, and making single-player titles more responsive and enjoyable. NVIDIA Reflex is now used by over 50 million players each month, is available in 9 of the top 10 competitive shooters, including the Counter-Strike 2 beta, and is activated by 90% of GeForce gamers in over 70 supported titles.
4
+
5
+
6
+
7
+ NVIDIA Reflex is synonymous with responsive gaming, and can now be found in the latest and greatest games, including Portal: Prelude RTX, Ratchet & Clank: Rift Apart, and the upcoming Overwatch 2 Invasion update.
8
+
9
+ Ratchet & Clank: Rift Apart Available July 26 With NVIDIA Reflex, DLSS 3, RTX IO & Ray Tracing
10
+ The venerable, much-loved Ratchet & Clank franchise makes its debut on PC tomorrow with the launch of the critically acclaimed Ratchet & Clank: Rift Apart. This dimension hopping action-adventure-platformer from Insomniac Games has been brought to the PC by Nixxes Software, and when gamers hit �Play� on July 26th they�ll discover the inclusion of NVIDIA DLSS 3, NVIDIA DLAA, NVIDIA Reflex, and NVIDIA RTX IO. And thanks to dedicated Ray Tracing Cores on each GeForce RTX GPU, Ratchet & Clank: Rift Apart�s ray-traced shadows, ambient occlusion and reflections will run at the highest speeds possible on GeForce RTX hardware.
11
+
12
+
13
+
14
+ To make gameplay even more responsive, all GeForce GTX 900 Series and newer owners can activate NVIDIA Reflex, reducing system latency in Ratchet & Clank: Rift Apart by up to 48%. Each action will occur faster, helping you nail tricky jumps, and dodge enemy attacks.
15
+
16
+ To maximize performance, GeForce RTX 40 Series graphics cards and laptops can multiply frame rates using NVIDIA DLSS 3. At 4K, with all ray tracing effects enabled, and settings maxed, GeForce RTX 4080 and 4090 desktop GPU gamers can experience 140+ FPS gameplay, for the definitive PC experience.
17
+
18
+
19
+
20
+ The new PC release also features support for 21:9, 32:9 and 48:9 resolutions, triple-monitor Surround gaming, the usual assortment of options to ensure you can play the way that best suits your style, and DualSense controller support, so when playing on a wired connection you can feel in-game actions coming to life in your hands with haptic feedback and dynamic trigger effects.
21
+
22
+ Ratchet & Clank: Rift Apart launches July 26th on PC - wishlist or pre-order now to experience all of this amazing technology on your GeForce RTX PC or laptop. With day-one support for NVIDIA DLSS 3, NVIDIA DLAA, NVIDIA Reflex, NVIDIA RTX IO, and ray tracing, GeForce RTX gamers will enjoy the definitive PC experience. Ahead of the game�s launch, be sure to download and install our Ratchet & Clank: Rift Apart Game Ready Driver.
23
+
24
+
25
+ Portal: Prelude RTX Available Now, For Free!
26
+ Portal remains a timeless classic; in December we released Portal with RTX, a fully ray-traced reimagining of Valve�s award winning game, which used the performance multiplication of NVIDIA DLSS 3 to power the most realistic path-traced lighting ever seen in a real-time game. Now, there�s Portal: Prelude RTX, a free mod remastered with the same technology, featuring fully ray traced (path-traced) graphics, DLSS 3, Reflex, and our new NVIDIA RTX IO GPU-accelerated storage tech.
27
+
28
+ Portal: Prelude is the highest rated Portal mod, the 2008 Portal ModDB winner, and #3 overall Player�s Choice mod of 2008. Created by Nicolas �NykO18� Grevet and others, Portal: Prelude is an unofficial Portal prequel, set before the time of GLaDOS, featuring a new extremely challenging 8-10 hour campaign composed of 19 new test chambers, new advanced gameplay mechanics, a fully voiced story with NPCs, and a whole lot more.
29
+
30
+ Portal: Prelude RTX is available now, for free for owners of Portal. Install our new Game Ready Driver for the definitive experience, then download and play Portal: Prelude RTX from Steam. With Reflex enabled, system latency is greatly reduced, helping you overcome Portal: Prelude RTX�s most difficult puzzles and test chambers.
31
+
32
+
33
+
34
+ For much more information, as well as RTX ON-OFF screenshots, head over to our Portal Prelude RTX launch article.
35
+
36
+ Overwatch 2: Invasion Begins August 10th
37
+ Overwatch 2 is Blizzard�s always-on and ever-evolving free-to-play, team-based action game that�s set in an optimistic future, where every match is the ultimate 5v5 battlefield brawl. To unlock the ultimate graphics experience in each battle, upgrade to a GeForce RTX 40 Series graphics card or PC for class-leading performance, and unbeatable responsiveness courtesy of NVIDIA Reflex.
38
+
39
+ On August 10th, the Invasion begins! Fight back in three co-op Story Missions, hone your skills with Hero Mastery Missions, play PvP as a new Support hero, and tier up the new Invasion Battle Pass to unlock new skins and cosmetics. It�s Overwatch 2�s biggest content drop to date!
40
+
41
+
42
+
43
+ For the definitive experience during the invasion, ensure you�re playing on a GeForce RTX 40 Series GPU, with system latency as low as 9 milliseconds, and with frame rates over 360 FPS, for the fastest, smoothest, most responsive gameplay possible.
44
+
45
+ VALORANT Now Available In China, Reflex Reduces System Latency By Up To 35%
46
+ VALORANT is a competitive 5v5 character-based tactical shooter developed by Riot Games, with high-fidelity gunplay, a diverse arsenal of guns, agents with unique abilities, and competitively tuned maps for thousands of hours of play.
47
+
48
+ VALORANT is free-to-play and optimized to perform on a wide variety of PC hardware, allowing for a global audience to compete. And now, that audience has expanded with VALORANT�s official launch in China.
49
+
50
+
51
+
52
+ VALORANT�s latest update, Episode 7 Act 1 introduced Team Deathmatch mode, the new character Deadlock, and a new progression system. Using NVIDIA Reflex on a GeForce RTX 40 Series GPU, your actions in all modes have improved responsiveness, occurring virtually without delay, and performance is so high that you�ll see the action at its best with maximum clarity.
53
+
54
+ More To Come Soon
55
+ Even more new NVIDIA Reflex games, plus mice and monitors are on their way, so stay tuned to GeForce.com to learn more when the news drops; check out the complete list of currently supported games and devices on our NVIDIA Reflex website.
dataset/license.txt ADDED
@@ -0,0 +1 @@
 
 
1
+ Copyright © 2023 by NVIDIA Corporation. All rights reserved.
dataset/lies-of-p-mortal-kombat-1-game-ready-driver.txt ADDED
@@ -0,0 +1,51 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Lies of P & Mortal Kombat 1 Game Ready Driver Released, Plus Starfield Performance Improvements
2
+ By Andrew Burnes on September 12, 2023 | Featured StoriesDrivers
3
+ Our latest driver is Game Ready for Lies of P and Mortal Kombat 1.
4
+
5
+ There�s also support for 6 new G-SYNC Compatible gaming monitors, and another 5 GeForce Experience Optimal Settings.
6
+
7
+ To download and install, head to the Drivers tab of GeForce Experience or GeForce.com.
8
+
9
+ Lies of P Launches September 19th With DLSS 2
10
+ Inspired by the familiar story of Pinocchio, Lies of P is an action Souls-like game set in the dark, Belle �poque-inspired city of Krat. Once a beautiful city, Krat has become a living nightmare as deadly puppets run amok and a plague sweeps the land. Play as P, a puppet who must fight his way through the city on his unrelenting journey to find Geppetto and finally become human. Lies of P presents an elegant world filled with tension, deep combat and character customization systems, and a gripping story with interesting narrative choices where the more lies told, the more human P becomes.
11
+
12
+
13
+
14
+ When Lies of P launches on September 19th, GeForce RTX gamers can significantly accelerate their performance - in our GeForce RTX 40 Series benchmarks, frame rates increased by an average of 1.9X at 4K with max settings enabled.
15
+
16
+ Game Ready For Mortal Kombat 1
17
+ Liu Kang has restarted history, crafting a New Era reflecting his vision of peace. Meanwhile Mileena, twin sister of Kitana and rightful heir to Outworld's throne, has been infected by a dreaded and lethal disease. Lin Kuei warriors and brothers Scorpion and Sub-Zero fight for the future of the clan, while Earthrealm champions Raiden and Kung Lao fight for family and honor. Johnny Cage, who is more concerned with staying relevant in the eyes of his fans, fights for his own vanity. Fight your way through the new Universe of Mortal Kombat 1, ushering in a new era of the iconic franchise with a new fighting system, game modes, and new, spectacular fatalities.
18
+
19
+
20
+
21
+ At launch, DLSS 2 Super Resolution will be available to ensure GeForce RTX gamers hit a locked 60 frames per second in every match, with every setting maxed out at 1440p and 4K.
22
+
23
+ Starfield Performance Improvements
24
+ Today, NVIDIA is releasing a Resizable BAR profile for Starfield which increases performance on GeForce RTX 40 Series and GeForce RTX 30 Series desktop and laptop GPUs. In our testing scenario, GeForce RTX 40 Series desktop GPUs see on average a 5% increase in performance. The Starfield Resizable BAR update will be pushed via an Over-The-Air (OTA) update from NVIDIA and will be automatically applied for gamers running the latest Game Ready Driver (537.34) or the previous release (537.17).
25
+
26
+ Support For Newly Validated G-SYNC Compatible Displays
27
+ Our newest Game Ready Driver adds support for 6 new G-SYNC Compatible displays that deliver a baseline Variable Refresh Rate (VRR) experience that makes your gaming smoother and more enjoyable.
28
+
29
+ Manufacturer Model HDR Size Panel Type Resolution VRR Range
30
+ AOC U27G3X Yes 27 IPS 3840x2160 (4K) 48-160Hz
31
+ AOC AG275QA1 Yes 27 IPS 2560x1440 (QHD) 60-170Hz
32
+ I-O DATA GDQ271JA Yes 27 IPS 2560x1440 (QHD) 59-180Hz
33
+ LG 27GR93U Yes 27 IPS 3840x2160 (4K) 48-144Hz
34
+ LG 27GR750Q Yes 27 IPS 2560x1440 (QHD) 48-165Hz
35
+ LG 38WR850C-W Yes 38 IPS 3840x1600 (WQHD+) 60-170Hz
36
+ These newly-validated monitors give gamers even more choice when searching for a great gaming display. For a complete list of all G-SYNC, G-SYNC ULTIMATE, and G-SYNC Compatible gaming monitors, check out our handy and frequently updated G-SYNC page, which can be sorted and filtered, helping you quickly find the ideal display.
37
+
38
+ New Games Supported By GeForce Experience�s Optimal Settings
39
+ GeForce Experience�s one-click optimal settings enable you to instantly configure game options for your system�s hardware, giving you smooth, optimized gameplay. Over 1000 titles are supported, and since our last driver release we�ve added support for 5 more:
40
+
41
+ ARMORED CORE VI FIRES OF RUBICON
42
+ Immortals of Aveum
43
+ Starfield
44
+ The Texas Chain Saw Massacre
45
+ Wayfinder
46
+ GeForce Experience also enables you to capture and stream your gameplay, take screenshots, upload videos to social networks, and more.
47
+
48
+ GeForce Game Ready Driver - Download Now
49
+ Learn more about GeForce Game Ready Drivers here; download the new GeForce Game Ready 537.34 WHQL driver through GeForce Experience.
50
+
51
+ If you experience any technical issues with the new Game Ready drivers please post a detailed report on the GeForce.com Driver Feedback Forum, where our Customer Care team can better assist you. And if you�re looking for a full list of fixes in this driver, for previously-reported issues, head here.
dataset/more-dlss-games-released.txt ADDED
@@ -0,0 +1,49 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ New DLSS Games Available This Week, Including DESORDRE: A Puzzle Game Adventure, SlavicPunk: Oldtimer, Jagged Alliance 3 & More
2
+ By Andrew Burnes on July 11, 2023 | Featured StoriesGeForce RTX GPUsNVIDIA DLSSNVIDIA RTXRay Tracing
3
+ Every week, we bring you news of the latest DLSS and ray tracing integrations in games and apps. This week, Jagged Alliance 3 and Testament: The Order of High Human launch with support for DLSS 2; SlavicPunk: Oldtimer and DESORDRE: A Puzzle Game Adventure are available now with DLSS 2, and Dying Light 2 Stay Human�s Good Night, Good Luck update is available with DLSS 3. To cap it all off, Blizzard has announced the details of Diablo IV�s Season of the Malignant! Read on to learn more.
4
+
5
+ Diablo IV: Season of the Malignant Starts July 20th
6
+ Get ready to continue your journey through Sanctuary in Diablo IV with Season of the Malignant on July 20th. A new form of Lilith�s corruption has spread throughout Sanctuary, creating Malignant Monsters and opportunities for players to create powerful new builds. Partner with Cormond, a former priest of the Cathedral of Light, in a new questline to stop the spread of these Malignant Monsters, collect new items and earn rewards.
7
+
8
+
9
+
10
+ GeForce gamers will have the definitive PC experience in this new season of Diablo IV - GeForce RTX 40 Series gamers can max out frame rates with NVIDIA DLSS 3 Frame Generation, and other GeForce RTX owners can accelerate performance with DLSS 2 Super Resolution technology.
11
+
12
+ Dying Light 2 Stay Human: Good Night, Good Luck Update Available Now
13
+ Available now, Techland�s Good Night, Good Luck update brings considerable changes to Dying Light 2 Stay Human gameplay, with improvements to the parkour systems, the introduction of new graphics settings, and an overhaul of the nighttime experience.
14
+
15
+
16
+
17
+ The day and night cycle has always been at the heart of the Dying Light franchise and this update brings even more tense, terror filled moments to the nighttime. The parkour system has also been improved, adding options for players to choose between �assisted� or the more realistic �physical,� parkour which will change the experience of navigating the city.
18
+
19
+ New graphical improvements enable PC players to turn Screen Space Reflections to Ultra, which enhances the draw distance of reflections, as well as increase the LOD range multiplier for quality and Ray Tracing settings. GeForce RTX gamers will get the definitive experience, with beautiful ray-traced effects and performance multiplying DLSS 3 Frame Generation, and DLSS 2 Super Resolution.
20
+
21
+
22
+ Testament: The Order of High Human Launches This Week With DLSS 2
23
+ Fairyship Games' Testament: The Order of High Human is a first-person single-player action-adventure game with RPG and metroidvania elements, set in a post-apocalyptic fantasy world. It offers a variety of combat options for players to experiment with, using combinations of sword, spell and bow attacks, and between battles players can platform and puzzle to secret areas and helpful bonuses.
24
+
25
+
26
+
27
+ On July 13th, when Testament: The Order of High Human launches on Steam, GeForce RTX gamers can accelerate their experience with DLSS 2; for an early preview of what the game offers, download Fairyship Games� DLSS 2-enhanced demo.
28
+
29
+ Jagged Alliance 3 Launches This Week With DLSS 2
30
+ In 1995, Jagged Alliance arrived for MS-DOS PCs, introducing gamers to engrossing turn-based battles led by hireable mercenaries, with the goal of liberating an oppressed island. Following excellent reviews and sales a new franchise was born, and now nearly three decades later, Jagged Alliance 3 is launching July 14th.
31
+
32
+ Developed by Haemimont Games and published by THQ Nordic, Jagged Alliance 3 returns to the franchise�s roots, amping everything up with modern technology and features, for riveting turn-based battles that you can even play in co-op with friends.
33
+
34
+
35
+
36
+ At launch, GeForce RTX gamers can accelerate their frame rates with DLSS 2, ensuring the definitive experience; for optimum performance, download and install our latest Game Ready Driver.
37
+
38
+ SlavicPunk: Oldtimer Available Now With DLSS 2
39
+ Available now, SlavicPunk: Oldtimer created by Red Square Games, is an isometric shooter where Yanus, a private investigator with a troubled past, is trying to solve an unexpected case revolving around a stolen data carrier, all while fighting his own inner demons, the urban gangs and a nigh-omnipotent corporation responsible for the downfall of the city he used to call his own. GeForce RTX gamers can maximize performance with DLSS 2.
40
+
41
+
42
+
43
+ DESORDRE: A Puzzle Game Adventure Now Boosting Performance With DLSS 2
44
+ In DESORDRE: A Puzzle Game Adventure, immerse yourself in a groundbreaking simulation where you'll navigate between two parallel worlds created by Plegus Therapy. As patient 689, you'll take part in an experimental therapy program, explore captivating environments, and solve complex puzzles to achieve your healing. GeForce RTX gamers can take on the game's complex puzzles with the performance boosting power of DLSS 2.
45
+
46
+
47
+
48
+ Check Back Next Week For Even More RTX Games
49
+ Each week there are even more DLSS integrations arriving for an array of games. Check back next week for a rundown of the next DLSS and RTX games, and head here to see the complete list of over 300 DLSS-enhanced games and apps.
dataset/nvidia-ace-steerlm-npc-personalities.txt ADDED
@@ -0,0 +1,16 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ NVIDIA ACE Adds Emotion To AI-Powered NPCs With NeMo SteerLM
2
+ By Andrew Burnes on August 22, 2023 | Featured StoriesGamescomGeForce RTX GPUsGenerative AINVIDIA ACENVIDIA DLSSNVIDIA OmniverseNVIDIA RTXRay Tracing
3
+ NVIDIA ACE is a custom AI model foundry that aims to bring intelligence to non-playable characters (NPCs) through AI-powered natural language interactions. With ACE, generic NPCs can be turned into interactive characters capable of striking up a conversation, or giving you local knowledge that leads to new quests.
4
+
5
+ At COMPUTEX 2023, we showed our ACE Kairos demo, featuring Jin the ramen shop owner, rendered in Unreal Engine 5 with RTX ON. In the months since, our team has continued to evolve ACE. Our newest advancement is the inclusion of NVIDIA NeMo SteerLM, a new technique that enables developers to customize the personality of NPCs for more emotive, realistic and memorable interactions.
6
+
7
+ Most LLMs are designed to provide only ideal responses, free of personality or emotion, as you can see by interacting with chat bots. With the SteerLM technique, however, LLMs are trained to provide responses aligned with particular attributes, ranging from humor to creativity, to toxicity, all of which can be quickly configured through simple sliders.
8
+
9
+
10
+ As you can see, responses vary significantly as attributes are adjusted, and using NVIDIA NeMo SteerLM, attributes can be further modified, and new models, personalities and attributes can be added, removed or trained, enabling the creation of the perfect interactable NPC for a specific scene or location.
11
+
12
+ Emotional response isn�t the only use case that the SteerLM technique enables for games. With the SteerLM technique, developers can enable multiple characters with a single LLM by infusing personality attributes into the SteerLM model. Additionally, developers can create faction attributes to align responses to the in-game story - allowing the character to be dynamically influenced by a changing open world.
13
+
14
+ In the demo above, we also used ElevenLabs� TTS voice for Jin. With ACE, developers can bring their own components to the ACE pipeline, enabling a wide range of options and models.
15
+
16
+ The SteerLM technique helps turn polite chat bots into emotive characters that will enable developers to create more immersive and realistic games. We can�t wait to show you our next ACE breakthroughs, so be sure to bookmark GeForce.com for future updates.
dataset/nvidia-dlss-3-5-ray-reconstruction.txt ADDED
@@ -0,0 +1,81 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ NVIDIA DLSS 3.5: Enhancing Ray Tracing With AI; Coming This Fall To Alan Wake 2, Cyberpunk 2077: Phantom Liberty, Portal with RTX & More
2
+ By Andrew Burnes on August 22, 2023 | Featured StoriesAlan Wake 2Cyberpunk 2077Frame GenerationGamescomGeForce RTX GPUsNVIDIA DLSSNVIDIA RTXPortal with RTXRay ReconstructionRay TracingSuper Resolution
3
+ NVIDIA has pioneered the AI hardware and software that is powering incredible breakthroughs across every industry. NVIDIA DLSS, one of our first major AI algorithms, was introduced five years ago and boosts performance using neural rendering, made possible by the Tensor Cores inside each GeForce RTX GPU.
4
+
5
+ Since its initial release, the AI models behind DLSS have kept learning, leading to even better results and new innovations that further multiply performance:
6
+
7
+ Today, we advance rendering technology once more with the introduction of NVIDIA DLSS 3.5, featuring Ray Reconstruction, a new AI model that creates higher quality ray-traced images for intensive ray-traced games and apps.
8
+
9
+
10
+
11
+ Watch our Tech Talk with VP of Applied Deep Learning Research, Bryan Catanzaro to learn how DLSS 3.5 works
12
+
13
+ Alan Wake 2, Cyberpunk 2077, Cyberpunk 2077: Phantom Liberty, Portal with RTX, Chaos Vantage, D5 Render, and NVIDIA Omniverse are all adding support for NVIDIA DLSS 3.5 this fall.
14
+
15
+ See the benefits for yourself in this exclusive new look at Cyberpunk 2077: Phantom Liberty, rendered with DLSS 3.5 and Full Ray Tracing:
16
+
17
+
18
+
19
+ "Thanks to DLSS 3.5�s smart technology, fuelled by AI rendering power, you can experience Cyberpunk 2077: Phantom Liberty�s newest location Dogtown at its very best � with sharper images, more accurate lighting, and the highest frame rates possible." - Jakub Knapik, VP of Art, Global Art Director, CD PROJEKT RED
20
+
21
+ To appreciate the benefits of Ray Reconstruction, let�s look at how ray tracing works.
22
+
23
+ First, a game engine generates the geometry and materials of a scene, all of which have physically based attributes that affect their appearance and how light interacts with them. A sample of rays are then shot from the camera�s viewpoint, determining the properties of light sources in a scene and how light reacts when it hits materials. For instance, if rays strike a mirror, reflections are generated.
24
+
25
+ However, shooting rays for every pixel on your screen is too computationally demanding, even for offline renderers that calculate scenes over the course of several minutes or hours. So instead, ray samples must be used - these fire a handful of rays at various points across the scene for a representative sample of the scene�s lighting, reflectivity and shadowing.
26
+
27
+ The output is a noisy, speckled image with gaps, good enough to ascertain how the scene should look when ray-traced.
28
+
29
+ To fill-in the missing pixels that weren�t ray-traced, hand-tuned denoisers use two different methods, temporally accumulating pixels across multiple frames, and spatially interpolating them to blend neighboring pixels together. Through this process, the noisy raw output is converted into a ray-traced image.
30
+
31
+ These denoisers are manually-tuned and processed for each type of ray-traced lighting present in a scene, adding complexity and cost to the development process, and reducing the frame rate in highly ray-traced games where multiple denoisers operate simultaneously to maximize image quality.
32
+
33
+ Each hand-tuned denoiser accumulates pixels from multiple frames to increase detail, in effect stealing rays from the past, but at the risk of introducing ghosting, removing dynamic effects, and reducing the quality of others. It also interpolates neighboring pixels, and blends this information together, but at the risk of blending away too much detailed information, or not blending enough and creating non-uniform lighting effects.
34
+
35
+ Upscaling is the last stage of the ray-traced lighting pipeline, and is key to experiencing the most detailed and demanding games at fast frame rates. But with denoising removing or decreasing the quality of effects, the limitations of hand-tuned denoisers are amplified, removing fine detail (referred to as high-frequency information) that upscalers use to output a crisp, clean image.
36
+
37
+ The solution: NVIDIA DLSS 3.5. Our newest innovation, Ray Reconstruction, is part of an enhanced AI-powered neural renderer that improves ray-traced image quality for all GeForce RTX GPUs by replacing hand-tuned denoisers with an NVIDIA supercomputer-trained AI network that generates higher-quality pixels in between sampled rays.
38
+
39
+ Trained with 5X more data than DLSS 3, DLSS 3.5 recognizes different ray-traced effects to make smarter decisions about using temporal and spatial data, and to retain high frequency information for superior-quality upscaling.
40
+
41
+ Trained using offline-rendered images, which require far more computational power than can be delivered during a real-time game, Ray Reconstruction recognizes lighting patterns from training data, such as that of global illumination or ambient occlusion, and recreates it in-game as you play. The results are superior to using hand-tuned denoisers.
42
+
43
+ In Portal with RTX, with DLSS OFF, the denoiser struggles with spatial interpolation, where it�s not blending enough pixels, creating a blotchy effect. Additionally, it�s not accumulating enough good pixels from previous frames, and the result is a boiling effect in the light. With DLSS 3.5, it recognizes certain patterns associated with reflections and keeps the image stable, accumulating accurate pixels while blending neighboring pixels to generate high quality reflections.
44
+
45
+
46
+
47
+ In the following scene from Cyberpunk 2077, the inaccurate headlight illumination which surrounds the car is a result of the hand-tuned denoiser pulling in inaccurate lighting effects from previous frames. DLSS 3.5 accurately generates lighting, so you can make out the beam of the headlights, and see light reflect on the curb in front of the car.
48
+
49
+ The streets of Cyberpunk 2077�s Night City are filled with reflections from rotating billboards and neon lights. By activating DLSS 3.5, their quality and clarity is vastly improved city wide:
50
+
51
+ Creative applications have a wide variety of content that are difficult for traditional denoisers as they require hand-tuning per scene. As a result, when previewing content you get suboptimal image quality. With DLSS 3.5, the AI neural network is able to recognize a wide variety of scenes, producing high quality images during preview and before committing hours to a final render. D5 Render, an industry-leading app for architects and designers, will be available with DLSS 3.5 this fall.
52
+
53
+ �The integration of DLSS Ray Reconstruction with D5 Render marks our third technical collaboration with NVIDIA, following DLSS SR and FG, which further enhances the image quality of D5 Render's real-time rendering capabilities. We look forward to exploring more possibilities with NVIDIA in the future.� - Jessie Huang, VP, Head of Marketing, D5 Render
54
+
55
+ With DLSS 3.5, we�re delivering a faster, better experience as a free upgrade, building upon the much-loved enhancements already available in your favorite games.
56
+
57
+ Thanks to RTX, you effectively have the power of 2 computers in your PC or laptop - the first, an NVIDIA supercomputer that trains the DLSS AI model with billions of data points, to boost performance and image quality. And the second, your GeForce RTX graphics card, with dedicated tensor cores to execute the AI model in real-time, plus specialized RT Cores, innovations such as Shader Execution Reordering, and the raw power of each RTX GPU, delivering best-in-class ray tracing.
58
+
59
+ In Cyberpunk 2077, the beautiful full ray tracing delivered by the Overdrive Mode could not be achieved smoothly without the power of AI. DLSS Super Resolution (SR), reconstructs the 4K image from a lower resolution input, delivering a dramatic performance boost and great image quality.
60
+
61
+ To further increase performance in the most demanding, action-packed moments, we enable DLSS Frame Generation (FG) on GeForce RTX 40 Series GPUs, which analyzes sequential frames to create additional frames to further increase smoothness.
62
+
63
+ And now, NVIDIA DLSS 3.5 further improves image quality for ray-traced effects by replacing multiple hand-tuned denoisers with Ray Reconstruction (RR).
64
+
65
+
66
+
67
+ Combining Super Resolution, Frame Generation and Ray Reconstruction, DLSS 3.5 multiplies Cyberpunk 2077 frame rates by a total of 5X compared to native 4K DLSS OFF rendering.
68
+
69
+ Note that games with multiple ray-traced effects may have several denoisers that are replaced by the single Ray Reconstruction neural network. In these cases, Ray Reconstruction can also offer a performance boost. In titles with less intensive ray tracing and fewer denoisers, Ray Reconstruction improves image quality though may have a slight performance cost.
70
+
71
+ GeForce RTX 40 Series users can combine Super Resolution and Frame Generation with Ray Reconstruction for breathtaking performance and image quality, while GeForce RTX 20 and 30 Series users can add Ray Reconstruction to their AI-powered arsenal alongside Super Resolution and DLAA.
72
+
73
+ Ray Reconstruction is a new option for developers to improve image quality for their ray-traced titles and is offered as part of DLSS 3.5. Rasterized games featuring DLSS 3.5 also include our latest updates to Super Resolution and DLAA, but will not benefit from Ray Reconstruction due to the lack of ray-traced effects.
74
+
75
+ DLSS 3.5 Arrives This Fall In Leading Games & Apps
76
+ NVIDIA DLSS 3.5 will be available this fall in Alan Wake 2, Cyberpunk 2077, Cyberpunk 2077: Phantom Liberty, Portal with RTX, Chaos Vantage, D5 Render, and NVIDIA Omniverse. Head to our Gamescom 2023 RTX Games and Apps announcement article to learn more about the integration of DLSS 3.5 in each.
77
+
78
+ Five years ago we started a revolutionary journey: to redefine graphics with neural rendering and artificial intelligence. DLSS has come a long way, and today DLSS ON is the best way to play. The most immersive and realistic experiences now rely on the power of AI, yet AI�s transformative impact on graphics is just getting started, and we can�t wait to see where we�ll be five years from now.
79
+
80
+ In the meantime, enhance your experience by using NVIDIA DLSS in over 330 released games and apps. New DLSS games launch almost every week, news of which can be found here - simply return to our DLSS page each week to learn about the latest releases and integrations; this week at Gamescom 2023, we announced new DLSS 3 games, including Call of Duty: Modern Warfare III, PAYDAY 3, Fortnite, and the aforementioned Alan Wake 2. And in each DLSS 3 game, you can also leverage NVIDIA Reflex to make gameplay even more responsive.
81
+ To see our other Gamescom 2023 announcements, please head here.
dataset/overwatch-2-invasion-ultimate-bundle-geforce-rtx-40-series.txt ADDED
@@ -0,0 +1,33 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Overwatch 2: Invasion Ultimate GeForce RTX 40 Series Bundle Now Available
2
+ By Andrew Burnes on August 11, 2023 | Featured StoriesBundlesGeForce RTX GPUsNVIDIA Reflex
3
+ Overwatch 2 is Blizzard�s always-on and ever-evolving free-to-play, team-based action game that�s set in an optimistic future, where every match is the ultimate 5v5 battlefield brawl. To unlock the ultimate graphics experience in each battle, upgrade to a GeForce RTX 40 Series graphics card, desktop PC, or laptop for class-leading performance, and unbeatable responsiveness courtesy of NVIDIA Reflex.
4
+
5
+ The invasion has begun in Overwatch 2�s biggest season to date! Fight back in three co-op Player vs. Enemy Story Missions, play PvP as a new Support hero, and tier up the new Invasion Battle Pass to unlock new skins and cosmetics. And you can get the GeForce Overwatch 2 Invasion Ultimate Bundle with the purchase of select GeForce RTX 40 Series products at participating stores, starting today.
6
+
7
+
8
+
9
+ With your purchase in hand, you�ll unlock:
10
+
11
+ OW2 Invasion Story Missions
12
+ Vigilante Sojourn Legendary Skin (*Earned)
13
+ Sojourn Hero Unlock (*Earned)
14
+ Premium Battle Pass
15
+ 20 Battle Pass Tier Skips
16
+ The C-455 Sharpshooter Cassidy Legendary Skin
17
+ The K-2000 Blademaster Kiriko Legendary Skin
18
+ 3,000 Overwatch Coins
19
+ *Earned by completing Story Missions
20
+
21
+ To enhance your Overwatch 2 experience, purchase one of the following, eligible products at participating stores, and follow the supplied instructions to redeem your Invasion Ultimate Bundle code on Battle.net. Before purchase, please ensure the graphics card, PC or laptop is participating in the bundle promotion by checking the product page; redemption codes for non-participating products cannot be provided.
22
+
23
+ Using one of our participating GeForce RTX 40 Series products, your shots and movements will occur almost instantaneously in Overwatch 2 thanks to input latency that�s as low as 9 milliseconds!
24
+
25
+ This blink and you�ll miss it performance comes courtesy of NVIDIA Reflex, which reduces system latency by up to 60% in Overwatch 2, and the raw power of GeForce RTX 40 Series GPUs, which can run at over 360 FPS at 1440p:
26
+
27
+ You can also enjoy excellent performance and super low input latency on powerful, thin and light GeForce RTX 40 Series laptops:
28
+
29
+ Learn more about Reflex and high frame rate competitive gaming in previous Reflex articles, and get plenty of additional detail on the NVIDIA Reflex homepage.
30
+
31
+ You�ll find GPUs, desktop PCs and laptops participating in the Invasion Ultimate Bundle at numerous system builders and retailers worldwide. Head to the Overwatch 2: Invasion Ultimate Bundle homepage to see the complete list of participating partners in your country.
32
+
33
+ Once you�ve bought any qualifying product, you�ll receive email instructions on how to redeem your bundle, and just a few clicks later you�ll add all of the Overwatch 2 goodies to your Battle.net account.
dataset/portal-prelude-rtx-available-now-for-free.txt ADDED
@@ -0,0 +1,95 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Portal: Prelude RTX Available Today - A Free RTX Remix Mod Featuring Full Ray Tracing, NVIDIA DLSS 3 & NVIDIA RTX IO
2
+ By Andrew Burnes on July 18, 2023 | Featured StoriesGeForce RTX GPUsGeForce RTX LaptopsNVIDIA DLSSNVIDIA OmniverseNVIDIA ReflexNVIDIA RTXNVIDIA RTX IONVIDIA RTX RemixPortal with RTXRay Tracing
3
+ Portal remains a timeless classic; in December we released Portal with RTX, a fully ray-traced reimagining of Valve�s award winning game, which used the performance multiplication of NVIDIA DLSS 3 to power the most realistic path-traced lighting ever seen in a real-time game.
4
+
5
+ Portal with RTX was created using NVIDIA RTX Remix, a free, upcoming modding platform built on NVIDIA Omniverse, which enables modders to quickly create and share #RTXON mods for classic games, each with enhanced materials, full ray tracing, NVIDIA DLSS 3, and NVIDIA Reflex.
6
+
7
+ Now, RTX Remix has been used to remaster Portal: Prelude, the highest rated Portal mod, the 2008 Portal ModDB winner, and #3 overall Player�s Choice mod of 2008. Created by Nicolas �NykO18� Grevet and others, Portal: Prelude is an unofficial Portal prequel, set before the time of GLaDOS, featuring a new extremely challenging 8-10 hour campaign composed of 19 new test chambers, new advanced gameplay mechanics, a fully voiced story with NPCs, and a whole lot more.
8
+
9
+ Portal: Prelude RTX is available today to download from Steam, for free!
10
+
11
+
12
+
13
+ Portal: Prelude RTX is remastered with full ray tracing (also known as path tracing), DLSS 3, Reflex and the newly-launched NVIDIA RTX IO to deliver an even more immersive experience for gamers. It also features hundreds of new, fully upgraded materials and assets from David �Kralich� Driver-Gomm and Valerios �Fearell_Val� Tsoumpas, new voice acting by Jack �Amicus� McDade and Colin �SordidSpectacle� Zachariasen, and gameplay improvements from Nicolas. Portal: Prelude RTX is the definitive way to play the award winning mod.
14
+
15
+ Introducing Portal: Prelude RTX
16
+ If you�ve played Portal with RTX, you already know about the game�s immersive fully ray-traced (path traced) lighting, its remade materials and models, and its incredible visuals that offer a preview of how all games will look in the future.
17
+
18
+ Portal: Prelude RTX is even more spectacular. And its technology even more advanced.
19
+
20
+ During the course of Portal: Prelude�s story, players will encounter extremely challenging, advanced test chambers with more varied sights that with the power of RTX could well drop your jaw. Multiple layers of glass refract light, players move from complete darkness to bright locations, and dangerous hazards like particle disintegrators illuminate the world in deadly light, leveraging RTX to create memorable moments.
21
+
22
+ 200 new materials and textures, and 100 new models mesh perfectly with Portal with RTX�s remade assets, adding extra variety to test chambers and challenges. And more advanced geometry -that pushed the boundaries of the Source engine in 2008- enables more varied and aesthetically interesting uses of light and shadow. For Portal: Prelude RTX, geometry was updated and upgraded in standard Half-Life Engine tools (Valve Hammer Editor), before being imported and automatically supported by RTX Remix, enabling fast iteration and development. Ultimately, this gorgeous remaster was created by a team of five in eight short months.
23
+
24
+
25
+ Portal: Prelude�s inclusion of NPC characters posed new challenges, requiring the development of an exciting feature for RTX Remix: full support for skinned characters. Now, in any game with GPU skinning, Remix enables modders to add more than 100 times the polygonal detail to characters, in addition to high fidelity PBR textures, with minimal performance costs. Essentially, characters and animated/skinned props can be enhanced in the same way as any object in RTX Remix, benefiting all future RTX mods. Or in other words, RTX Remix is revolutionizing character replacements and upgrades in the same way it revolutionized asset replacement.
26
+
27
+
28
+ For Portal: Prelude RTX and future NVIDIA RTX Remix mods, the NVIDIA RTX Path Tracing SDK has been enhanced, improving denoiser performance and quality, which is particularly beneficial at lower resolutions, enabling gamers with older GeForce RTX GPUs to have a better experience.
29
+
30
+ Shader Execution Reordering (SER) dynamically reorganizes inefficient ray tracing workloads into considerably more efficient ones, further accelerating GeForce RTX 40 Series performance.
31
+
32
+ Opacity Micro Meshes (OMM) increase real-time performance and memory compression for complex geometry, further accelerating GeForce RTX 40 Series ray tracing performance, and with new CPU optimizations debuting in Portal: Prelude RTX, players receive even faster performance.
33
+
34
+ And of course, NVIDIA DLSS 3 and NVIDIA Reflex have both been upgraded to their newest versions for improved performance, even better image quality, and more responsive gameplay.
35
+
36
+
37
+ All of the enhancements, additions and improvements created for Portal: Prelude RTX will be incorporated into NVIDIA RTX Remix, benefitting all modders, and enabling superior updates to classic games. In the near future, NVIDIA will begin sharing early access versions of RTX Remix with select modders to further refine the creator toolkit and runtime ahead of its official release later this year. Stay tuned for updates.
38
+
39
+ For more, go behind the scenes in the making of Portal: Prelude RTX using RTX Remix this week In the NVIDIA Studio.
40
+
41
+ NVIDIA RTX IO Makes Its Debut, Accelerating Texture Loading Times & Reducing File Sizes
42
+ Rapid loading and smooth navigation through endless open worlds has long been a goal of gamers and developers alike. Even with the incredible performance of NVMe SSDs, this goal has remained out of reach. Modern game engines have exceeded the capability of traditional storage APIs; a new generation of Input/Output (IO) architecture is needed.
43
+
44
+ Enter NVIDIA RTX IO, enabling fast GPU-based loading and game asset decompression, massively accelerating IO performance compared to hard drives and traditional storage APIs. NVIDIA RTX IO leverages GPU decompression for smaller data packages, enabling faster texture load times and lower CPU utilization, and allows developers to create a new generation of games with massive highly detailed worlds.
45
+
46
+ NVIDIA RTX IO makes its debut alongside the free Portal: Prelude RTX mod today, and will also feature in Ratchet & Clank: Rift Apart, launching July 26th.
47
+
48
+ In Portal: Prelude RTX, NVIDIA RTX IO is always on (you don�t need to toggle it in a menu) and it enables much faster texture load time, minimizing asset pop-in:
49
+
50
+
51
+
52
+
53
+ NVIDIA RTX IO also lowers Portal: Prelude RTX�s texture package install size by 44%, enabling gamers to enjoy nearly 32 GB of 4K textures loaded with lossless detail, while only taking up 18 GB of storage space. When the RTX Remix creator toolkit is released, every modder will be able to count on RTX IO to enable them to stay true to their artistic vision, while keeping within the file size restrictions of popular modding sites.
54
+
55
+ Learn more about NVIDIA RTX IO in our launch article.
56
+
57
+ NVIDIA DLSS 3 Multiplies Performance By Up To 5X
58
+ Portal: Prelude RTX�s full ray tracing is beautiful but demanding, just like Portal with RTX. To experience Portal: Prelude RTX at Ultra settings with path-traced ray tracing, NVIDIA DLSS 3 and a powerful GeForce RTX GPU are recommended.
59
+
60
+ Using NVIDIA DLSS 3, GeForce RTX 4080 and 4090 users will see performance multiply by 5X on average at 4K with max settings, delivering 80 FPS+ gameplay, for the definitive experience:
61
+
62
+ At 2560x1440, owners of the GeForce RTX 4070, and faster GPUs, can enjoy 80+ FPS gameplay at the Ultra Preset, which maxes out every setting. With DLSS 3 enabled, performance is multiplied by 4.4X on average.
63
+
64
+ At 1920x1080, the resolution of choice for over 70% of Steam gamers, the GeForce RTX 4060 sees a 3.3X DLSS 3 frame rate multiplication when playing at the High preset.
65
+
66
+ On GeForce RTX 40 Series laptops, DLSS 3 provides a 3.2X average boost to performance at 1920x1080, enabling many laptop configurations to play at over 60 FPS, and allowing high end models to exceed 120 FPS!
67
+
68
+ At 1440p, powerful GeForce RTX 4080 and 4090 laptops receive a 4.3X average performance multiplier, enabling Ultra Preset gameplay at well over 60 FPS:
69
+
70
+ Like Portal with RTX, Portal: Prelude RTX is fully ray traced, meaning it is very GPU intensive. Before playing Portal: Prelude RTX, please ensure your system matches or exceeds the requirements for CPU and RAM, for the best possible experience:
71
+
72
+ For GPUs outside the minimum spec, and between minimum and recommended (i.e. some GeForce RTX 20 and 30 Series GPUs), the easiest path to better performance is to use GeForce Experience. Simply download our latest Game Ready Driver, locate Portal: Prelude RTX in the list of detected games, and click �Optimize� to automatically configure the best combination of image quality and performance settings for your GeForce RTX 20 or 30 Series GPU.
73
+
74
+ Based on our testing, GeForce RTX 2060 users can play at over 30 FPS+ at the Low Preset using DLSS Ultra Performance Mode, while GeForce RTX 3080 users can run at 60 FPS or more at 1920x1080 using the High Preset and DLSS Quality Mode.
75
+
76
+ If you prefer to configure settings manually, we have prepared a recommended graphic settings chart to help guide you to higher frame rates at 1080p, 1440p, and 4K:
77
+
78
+ To adjust these settings in-game, press Alt-X to open the Remix graphics window
79
+
80
+ Please note, performance will vary depending on your system configuration, and some options may reduce visual quality, though these settings do target a smooth 60 FPS experience. To adjust these settings, remember to press Alt-X to use the Remix graphics settings window.
81
+
82
+ Coming soon, those without a GeForce RTX GPU can stream it on GeForce NOW without worrying about system specs or download times. Upgrade to an Ultimate membership for the power of an RTX 4080 gaming rig in the cloud and crank those settings up.
83
+
84
+ The Best Responsiveness With NVIDIA Reflex
85
+ As NVIDIA DLSS revolutionized scaling and performance, NVIDIA Reflex has revolutionized low latency gaming, giving multiplayer gamers a competitive advantage, and making single-player games incredibly responsive. Pinpoint accuracy and timing are key to overcoming Portal: Prelude RTX�s most difficult challenges, and using NVIDIA Reflex system latency is reduced, making gameplay smooth and more responsive, delivering the reaction time needed in critical moments.
86
+
87
+ Download The July 18th GeForce Game Ready Driver For The Best Day One Experience
88
+ Today, we�ve released our latest GeForce Game Ready Driver. It�s optimized for Portal: Prelude RTX, Ratchet & Clank: Rift Apart, and other games, and gives you the highest levels of performance when using NVIDIA RTX IO in the two titles.
89
+
90
+ To download and install, head to the Drivers tab of GeForce Experience or GeForce.com.
91
+
92
+ Portal: Prelude RTX Available Today!
93
+ Portal: Prelude RTX, made by just a few people, demonstrates the possibilities of NVIDIA RTX Remix, enabling modders to remaster and remake games, total conversions, and unofficial prequels with relative ease. With just 5 developers, Portal: Prelude RTX has been completely remastered in less than eight months, using Portal with RTX�s assets, additional new assets, new voice acting, and updated geometry crafted in Valve�s Source engine.
94
+
95
+ Download Portal: Prelude RTX today on Steam; if you own Portal, you can play for free. For the best possible experience head to the Drivers tab of GeForce Experience or GeForce.com and install our latest GeForce Game Ready Driver.
dataset/portal-prelude-rtx-game-ready-driver.txt ADDED
@@ -0,0 +1,86 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Portal: Prelude RTX and Ratchet & Clank: Rift Apart Game Ready Driver Released
2
+ By Andrew Burnes on July 18, 2023 | Featured StoriesDrivers
3
+ Our latest driver is Game Ready for the incredible Portal: Prelude RTX, a free, fully ray traced Portal mod that�s available today, featuring path traced RTX graphics, NVIDIA RTX IO GPU-accelerated storage technology, NVIDIA DLSS 3, and NVIDIA Reflex. Learn more in our Portal Prelude RTX launch article.
4
+
5
+ Additionally, we�re Game Ready for Ratchet & Clank: Rift Apart, launching July 26th with DLSS 3, advanced ray tracing, Reflex, and RTX IO. And Game Ready for Remnant II, available July 25th with DLSS 2.
6
+
7
+ There�s also support for 3 new G-SYNC Compatible gaming monitors, and another 7 GeForce Experience Optimal Settings.
8
+
9
+ To download and install, head to the Drivers tab of GeForce Experience or GeForce.com, and read on for further details.
10
+
11
+ Game Ready For Portal: Prelude RTX With DLSS 3 & RTX IO - Download Today
12
+ Portal remains a timeless classic; in December we released Portal with RTX, a fully ray-traced reimagining of Valve�s award winning game, which used the performance multiplication of NVIDIA DLSS 3 to power the most realistic path-traced lighting ever seen in a real-time game. Now, there�s Portal: Prelude RTX, a free mod remastered with the same technology, featuring fully ray traced (path-traced) graphics, DLSS 3, and our new NVIDIA RTX IO GPU-accelerated storage tech.
13
+
14
+ Portal: Prelude is the highest rated Portal mod, the 2008 Portal ModDB winner, and #3 overall Player�s Choice mod of 2008. Created by Nicolas �NykO18� Grevet and others, Portal: Prelude is an unofficial Portal prequel, set before the time of GLaDOS, featuring a new extremely challenging 8-10 hour campaign composed of 19 new test chambers, new advanced gameplay mechanics, a fully voiced story with NPCs, and a whole lot more.
15
+
16
+ Portal: Prelude RTX is available today, for free for owners of Portal. Install our new Game Ready Driver for the definitive experience, then download and play Portal: Prelude RTX from Steam.
17
+
18
+
19
+
20
+ For much more information, as well as RTX ON-OFF screenshots, head over to our Portal Prelude RTX launch article, and we have an RTX IO article, too, for those interested in this new game-changing GPU-accelerated storage technology.
21
+
22
+ Game Ready For Ratchet & Clank: Rift Apart
23
+ The Ratchet & Clank franchise recently celebrated its 20th anniversary, and on July 26th PC gamers can experience the action and humor of the franchise for the first time with the PC release of the critically acclaimed Ratchet & Clank: Rift Apart. Help the duo take on an evil emperor from another reality as you jump between action-packed worlds and beyond in this spectacular action-adventure-platformer, developed by acclaimed studio Insomniac Games, and brought to PC by Nixxes Software.
24
+
25
+
26
+
27
+ GeForce RTX 40 Series graphics cards and laptops can multiply performance using NVIDIA DLSS 3, while GeForce RTX 20 and 30 Series users can accelerate frame rates with NVIDIA DLSS 2. All GeForce RTX gamers can maximize image quality with NVIDIA DLAA, for the highest possible picture quality. And GeForce GTX 900 Series and newer gamers can make Ratchet & Clank: Rift Apart gameplay even more responsive with NVIDIA Reflex.
28
+
29
+ Through a process detailed in full in our DLSS 3 article, DLSS 3 combines DLSS Super Resolution and DLSS Frame Generation to reconstruct 7/8ths of the displayed pixels, accelerating performance significantly.
30
+
31
+
32
+
33
+ In GPU-limited games, DLSS 2 Super Resolution technology can increase your frame rates by up to 2X. With DLSS 3, we can boost them by up to 4X (compared to brute-force rendering) in fully ray-traced worlds.
34
+
35
+ Certain games make extensive use of the CPU which can limit performance. DLSS 3 operates on the GPU, bypassing CPU bottlenecks and boosting frame rates.
36
+
37
+ DLSS 3 games are backwards compatible with DLSS 2 technology - developers simply integrate DLSS 3, and DLSS 2, also known as DLSS Super Resolution, is supported by default. Additionally, integrations of DLSS 3 also include NVIDIA Reflex, reducing system latency for all GeForce RTX users, making games more responsive.
38
+
39
+ Ratchet & Clank: Rift Apart also features ray-traced reflections with a variety of quality levels to choose from, as well as newly added ray-traced shadows, for natural light in outdoor areas. Gamers with GeForce RTX GPUs can enjoy these at the highest frame rates thanks to their dedicated ray tracing cores that greatly accelerate ray tracing performance.
40
+
41
+ Additionally, Ratchet & Clank: Rift Apart supports NVIDIA RTX IO, which leverages the DirectStorage runtime and GPU decompression to enable faster loading speeds and seamless in-game transitions.
42
+
43
+ And there�s support for 21:9, 32:9 and 48:9 resolutions, triple-monitor Surround gaming, the usual assortment of options to ensure you can play the way that best suits your style, and when using a DualSense controller on a wired connection you can feel in-game actions coming to life in your hands with haptic feedback and adaptive trigger effects.
44
+
45
+ Ratchet & Clank: Rift Apart launches July 26th on PC - wishlist or pre-order now.
46
+
47
+ Game Ready For Remnant II
48
+ Remnant II from Gunfire Games is the sequel to the best-selling game Remnant: From the Ashes that pits survivors of humanity against new deadly creatures and god-like bosses across terrifying worlds. Play solo or co-op with two other friends to explore the depths of the unknown to stop an evil from destroying reality itself. To succeed, players will need to rely on their own skills and those of their team to overcome the toughest challenges and to stave off humanity�s extinction.
49
+
50
+
51
+
52
+ At launch on July 25th, Remnant II will boast support for DLSS 2, enabling you to crank up the visuals of its high fidelity world, for the fastest, most impressive gameplay possible.
53
+
54
+ Support For Newly Validated G-SYNC Compatible Displays
55
+ Our newest Game Ready Driver adds support for 3 new G-SYNC Compatible displays that deliver a baseline Variable Refresh Rate (VRR) experience that makes your gaming smoother and more enjoyable.
56
+
57
+ \
58
+ Manufacturer Model HDR Size Panel Type Resolution VRR Range
59
+ LG 27PG95R Yes 27� Nano IPS 3840x2160 (4K) 48-144Hz
60
+ Panasonic 48MZ1800 Yes 48� OLED 3840x2160 (4K) 48-120Hz
61
+ Dell AW2724DM Yes 27� IPS 2560x1440 (QHD) 48-165Hz
62
+ These newly-validated monitors give gamers even more choice when searching for a great gaming display. For a complete list of all G-SYNC, G-SYNC ULTIMATE, and G-SYNC Compatible gaming monitors, check out our handy and frequently updated G-SYNC page, which can be sorted and filtered, helping you quickly find the ideal display.
63
+
64
+ New Games Supported By GeForce Experience�s Optimal Settings
65
+ GeForce Experience�s one-click optimal settings enable you to instantly configure game options for your system�s hardware, giving you smooth, optimized gameplay. Over 1000 titles are supported, and since our last driver release we�ve added support for 7 more:
66
+
67
+ Aliens: Dark Descent
68
+ BattleBit Remastered
69
+ EA SPORTS� F1? 23
70
+ Six Days in Fallujah
71
+ Undawn
72
+ Veiled Experts
73
+ Warhammer 40,000: Gladius - Relics of War
74
+ GeForce Experience also enables you to capture and stream your gameplay, take screenshots, upload videos to social networks, and more.
75
+
76
+ Support For GeForce RTX 4060 Ti (16GB) Custom Cards From Partners
77
+ In May, we introduced the GeForce RTX 4060 Ti powered by the ultra-efficient NVIDIA Ada Lovelace architecture and supercharged with DLSS 3. In-game, it delivers over over 100 frames per second in many of today�s graphically advanced titles.
78
+
79
+ Starting this month, our graphics card partners, including ASUS, Colorful, Gainward, Galax, Gigabyte, INNO3D, MSI, Palit, PNY and Zotac will begin offering 16GB versions of the card. In most games, both versions of the GeForce RTX 4060 Ti (8GB and 16GB) will deliver the same level of performance, because the specs are otherwise identical. There are a handful of games which play best at �High� settings presets on the RTX 4060 Ti (8GB), and �Ultra� settings on the RTX 4060 Ti (16GB). Today�s driver supports the new 16GB versions.
80
+
81
+ For more details on the RTX 4060 Ti, and to see what�s available for purchase in your region as they arrive, please head to the GeForce RTX 4060 Ti product page on GeForce.com.
82
+
83
+ GeForce Game Ready Driver - Download Now
84
+ Learn more about GeForce Game Ready Drivers here; download the new GeForce Game Ready 536.67 WHQL driver through GeForce Experience.
85
+
86
+ If you experience any technical issues with the new Game Ready drivers please post a detailed report on the GeForce.com Driver Feedback Forum, where our Customer Care team can better assist you. And if you�re looking for a full list of fixes in this driver, for previously-reported issues, head here.
dataset/portal-prelude-rtx-inside-the-game-interview.txt ADDED
@@ -0,0 +1,185 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Portal: Prelude RTX - RTX Inside The Game Interview With The Mod�s Creators & NVIDIA
2
+ By Andrew Burnes on July 21, 2023 | Featured StoriesGeForce RTX GPUsGeForce RTX LaptopsNVIDIA DLSSNVIDIA OmniverseNVIDIA RTXNVIDIA RTX IONVIDIA RTX RemixPortal with RTXRay Tracing
3
+ In December we released Portal with RTX, a fully ray-traced reimagining of Valve�s award winning game, which used the performance multiplication of NVIDIA DLSS 3 to power the most realistic path-traced lighting ever seen in a real-time game. Portal with RTX was created using NVIDIA RTX Remix, a free, upcoming modding platform built on NVIDIA Omniverse, which enables modders to quickly create and share #RTXON mods for classic games, each with enhanced materials, full ray tracing, NVIDIA DLSS 3, and NVIDIA Reflex.
4
+
5
+ In 2008, Portal: Prelude was released and to this day remains the highest rated Portal mod. Created by Nicolas �NykO18� Grevet and others, Portal: Prelude is an unofficial Portal prequel, set before the time of GLaDOS, featuring a new extremely challenging 8-10 hour campaign composed of 19 new test chambers, new advanced gameplay mechanics, a fully voiced story with NPCs, and a whole lot more.
6
+
7
+ Having previously retired from the modding community in 2011, Nicolas has returned to remaster Portal: Prelude using NVIDIA RTX Remix, with the assistance of David �Kralich� Driver-Gomm, Valerios �Fearell_Val� Tsoumpas, Jack �Amicus� McDade, and Colin �SordidSpectacle� Zachariasen.
8
+
9
+ Using Portal with RTX as a foundation, the entirety of Portal: Prelude has been remastered with full ray tracing (also known as path tracing) and upgraded hi-res materials, new voice acting, and improved gameplay. When playing, GeForce RTX gamers will enjoy the definitive experience, with performance multiplied by up to 5X with NVIDIA DLSS 3, improved responsiveness courtesy of NVIDIA Reflex, and super fast texture loading thanks to the newly-launched NVIDIA RTX IO. If you haven�t done so already, download Portal: Prelude RTX from Steam; it�s free to everyone who owns Portal.
10
+
11
+
12
+
13
+ To bring Portal: Prelude RTX to life Nicolas and David worked closely with NVIDIA, as elements of Portal: Prelude necessitated the addition of new RTX Remix features to ensure every single aspect was remastered. To learn more about RTX Remix�s additions and improvements we spoke to NVIDIA�s Nyle Usmani, Product Manager for RTX Remix, and to discover more about the creation of Portal: Prelude and the Portal: Prelude RTX remaster, we chatted with Nicolas and David.
14
+
15
+ "When I was able to get my hands on a pre-alpha early version of RTX Remix, I was honestly floored." - Nicolas �NykO18� Grevet
16
+
17
+ NVIDIA will soon begin sharing early access versions of RTX Remix with select modders to further refine the creator toolkit and runtime ahead of its official release later this year. Nicolas and the team�s feedback has been invaluable, and has helped make RTX Remix even better. Stay tuned for further details, and be sure to join the unofficial NVIDIA RTX Remix Discord server if you�re interested in using Remix to remaster classic games.
18
+
19
+ Thanks for chatting, Nyle; why did NVIDIA and the Lightspeed development team want to remaster or help remaster a classic Portal mod?
20
+
21
+ Nyle Usmani, NVIDIA Product Manager: As the developers of RTX Remix we knew the intricacies of the tool, and how everything worked. We built Portal With RTX, which proved to us that the tool was powerful. But it�s different for Lightspeed Studios to build a game with a mod tool, versus having actual modders get their hands on the tool instead. So we thought up this collaboration where we could give early access to the RTX Remix creator toolkit to talented modders, and get feedback on how well it functions in the real world. Additionally, we had thousands of remastered Portal assets from our collaboration with Valve, which made Portal based mods a logical step.
22
+
23
+ As fans of Portal, many of us knew about Portal: Prelude, the highest rated Portal mod ever made, so we reached out to its lead developer, Nicolas Grevet to see if he would leave modder-retirement and remaster his classic. Simultaneously, we contacted prominent Source modder, David Driver-Gomm, to join the project to help create beautiful new assets. I�d say they hit a homerun�from the breathtaking visuals, the voice acting, the new gameplay�the end result is just incredible!
24
+
25
+ The NVIDIA Lightspeed team released Portal with RTX to critical acclaim in December. What did you learn from the launch, and how has that helped improve RTX Remix?
26
+
27
+ Nyle: Portal with RTX and RTX Remix as a whole are breaking new ground. When you play Portal With RTX, you�re actually playing the original Portal but the visuals are passing through a Vulkan renderer. It�s incredibly unusual to have an old school game engine pass visuals through a different renderer�especially one that enables path tracing, and can substitute the old game assets with gorgeous modern 4K versions in real time. It is a miracle that it looks and plays so well, but it�s also the first of its kind with much room for improvement.
28
+
29
+ One of the first things we focused on improving was the runtime, and its stability with substituting assets at playback. Between a more stable replacement system, and the development of RTX IO, which increases how quickly assets load in, players will notice that assets appear in the highest quality near instantaneously, and are incredibly stable in the scene. Furthermore, we made sweeping CPU and GPU performance optimizations that should enable more hardware to experience path tracing in all of its glory.
30
+
31
+ As work progressed on Portal: Prelude RTX, what changes and improvements were required to successfully remaster the original mod?
32
+
33
+ Nyle: In terms of scope, Portal: Prelude builds on the original Portal, with larger, more complex levels, and even a number of NPCs that populate its world. As a result, we had a lot of optimizations we had to make to RTX Remix to ensure the RTX remaster ran smoothly. One such feature is support for replacing the meshes of skinned characters.
34
+
35
+ For Portal with RTX, RTX Remix could not modify meshes of skinned characters, and as a result we had to add polygonal detail to the meshes via classic Source mods. We hit the limit of what source modding could do pretty quickly, and when the modders attempted the same process in Portal: Prelude RTX, it ended up being prohibitively expensive for the CPU and GPU.
36
+
37
+ We went to work, and found a way to enable entire mesh replacements for skinned assets with practically no limits or performance overhead. When the RTX Remix creator toolkit releases, modders will be able to make characters 100s of times more polygonally detailed with little to no additional cost, which will be a boon to any RTX Remix mod.
38
+
39
+
40
+ Portal: Prelude RTX�s creation took roughly 8 months to complete - how much assistance from NVIDIA was required? How has this helped improve RTX Remix, and is the remastering workflow now faster and easier for modders?
41
+
42
+ Nyle: We primarily see our role as enabling talented modders like David and Nicolas, rather than creating content ourselves. Since Portal: Prelude RTX was the first time the RTX Remix creator toolkit was being used in the wild, we worked closely with the team to provide technical support, take in feedback to improve the toolkit, and provide tips on how to work within a path traced model. The feedback we got was crucial, as it enabled us to make changes that sped up modder workflows immensely.
43
+
44
+ "The RTX Remix tool itself is insanely powerful and almost comes across as magic to me." - Nicolas �NykO18� Grevet
45
+
46
+ For example, the modders frequently exported the mod to view their new assets, and get a sense of how they looked in-game. We were hearing that the export process to view changes was taking a lot of time. So we re-architected the modder workflow to basically remove the export process entirely. There isn�t really a final export step anymore�instead, the moment you ingest assets or make a change in your mod, the mod and the corresponding files update. What this means for modders is if you have the game open alongside the tool, every change you make in the creator toolkit will appear in the game instantaneously.
47
+
48
+ Portal: Prelude RTX includes the world�s first integration of our new NVIDIA RTX IO GPU-accelerated storage technology. How does this benefit Portal: Prelude RTX and future RTX Remix mods?
49
+
50
+ Nyle: For Portal: Prelude RTX, we�ve seen texture load times speed up by 5X and the total storage assets take up has dropped by 44%.
51
+
52
+ RTX IO provides additional value to modders. Most modders have no asset decompression system they can turn to for their mods, meaning when a modder is looking to stay within a file size budget, all they can do is lower the quality of their assets.
53
+
54
+ With RTX IO, you can stuff your mod chock full of gorgeous detailed assets with physically accurate materials, losslessly compress them, and then decompress them at playback, executing on your artistic vision without compromises. It will also enable modders to navigate file size restrictions that are commonplace with various mod sites.
55
+
56
+ Have other NVIDIA technologies been further refined for the release of Portal: Prelude RTX, and will those also benefit future RTX Remix mods?
57
+
58
+ Nyle: For Portal: Prelude RTX and future NVIDIA RTX Remix mods, the NVIDIA RTX Path Tracing SDK has been enhanced, improving denoiser performance and quality, which is particularly beneficial at lower resolutions, enabling gamers with older GeForce RTX GPUs to have a better experience.
59
+
60
+ Shader Execution Reordering (SER) dynamically reorganizes inefficient ray tracing workloads into considerably more efficient ones, further accelerating GeForce RTX 40 Series performance. In Portal: Prelude RTX we�ve made GPU performance optimizations to how SER is implemented.
61
+
62
+ Opacity Micro Meshes (OMM) increase real-time performance and memory compression for complex geometry, further accelerating ray tracing performance on the GeForce RTX 40 Series, and with new CPU optimizations debuting in Portal: Prelude RTX, players receive even faster performance.
63
+
64
+ And we�ve made NVIDIA DLSS 3 and NVIDIA Reflex optimizations for improved performance, even better image quality, and more responsive gameplay.
65
+
66
+ All of this will transfer to RTX Remix, and any future developments or enhancements will also be incorporated into RTX Remix, ensuring all mods are using the latest and greatest technologies to give GeForce RTX gamers the definitive experience.
67
+
68
+ What�s next for NVIDIA RTX Remix? What new features are you working on? And are you working with any other modders to remaster classic mods? Give us the details, Nyle!
69
+
70
+ Nyle: We�ve been so immensely pleased with our collaboration with Nicolas and David, and the game honestly floors us. Portal: Prelude RTX has benefitted us, the gamers, and the RTX Remix tool. As for future collaborations�who knows!
71
+
72
+ To keep up to date on everything we are doing with RTX Remix, I always recommend people check out our roadmap.
73
+
74
+ And if you are interested in other RTX Remix mods (or are a modder interested in RTX Remix), I highly encourage you to check out the �RTX Remix Showcase� community-run Discord. There are over 5000 people there doing incredible things with the RTX Remix runtime, and we always have our team active there as well.
75
+
76
+ ---------------
77
+
78
+ Thanks for taking the time to speak with us, Nicolas and David; when did you start modding, and what have you worked on?
79
+
80
+ Nicolas �NykO18� Grevet: I started modding when Half-Life 1 came out with the Worldcraft 2 editor back in 1998 or 1999. I was 13 back then, and it was a struggle to find any tutorials in French about how to do anything with the tool. I mostly worked on small maps and little projects for years, on Half-Life 1, Team Fortress 1, then Half-Life 2, Counter-Strike: Source, etc.
81
+
82
+ In 2008, I launched this large project called Portal: Prelude, which was much more than just �mapping� - it was a fully featured game that required roughly a year of work. It was a little clumsy, but the timing was right: it followed the release of Portal, and plugged a gap before the release of Portal 2. It had a very polarizing but successful launch. After that, I worked on an additional large project by producing a full-length Left 4 Dead campaign named �I Hate Mountains� with some friends, and retired from the field entirely in 2011.
83
+
84
+ David �Kralich� Driver-Gomm: I started modding in 2014, creating addons for Garry�s Mod, where I developed my knowledge in the Source Engine. In 2018 I started my primary mod project, Raising the Bar: Redux, as a Half-Life 2 cut content restoration mod, and it continues strong to this day. On the side I�ve worked on a variety of other Source mods, such as being the lead asset creator on Entropy Zero 2 and releasing my own side projects like Goreagulation. Beyond that, I like to try and mod games with either very little or no serious modding support and create new communities around them - most notably, I helped construct a community around Bionicle Heroes, which now has a few dozen mods and reasonable activity today.
85
+
86
+ What inspires you to mod?
87
+
88
+ Nicolas: The idea of being able to create 3D environments you could play into, and for which your imagination was basically the limit, was definitely the appeal of modding for me. I spent way more time goofing around in the levels I was building with my friends than I was spending building them. It was a good excuse for us to play stuff together and have fun. It definitely allowed me to create life-long relationships with some fellow modders that I consider great friends to this day.
89
+
90
+ David: Modding allows me to revisit games I have a sentimental attachment to and add to their legacy. For Half-Life 2, it�s just such a powerful and versatile platform for creation that, with my current expertise in the engine, means I can create just about anything I can come to mind with. The creative problem solving inherent to modding - working out how to turn a foundation into something else - is really rewarding, and telling new stories with familiar content helps expand the universes I love. Modding is also a way I can make up for the shortcomings of a game, like expanding the combat sandbox or making more detailed levels, and in the case of much older and more obscure games, it lets me reach out to other enthusiasts for rewarding recollections of the past. I�ve always enjoyed tackling a problem and hitting my head against it until it breaks in, and modding is full of it, for better or worse!
91
+
92
+ What's something about your content modding journey you�ve really enjoyed or were surprised by?
93
+
94
+ Nicolas: When I started getting myself involved in more serious projects like Portal: Prelude and then I Hate Mountains, I didn�t realize how much the skills required to lead such projects would transfer to a real job. I definitely landed my first few jobs in my twenties surfing on the popularity and skillset acquired while handling these projects. Modding forces you to wear many hats: you have to be a level designer, a 2D artist, a scripter, a writer, a web developer, a PR person, a release manager, a QA analyst, and so much more. It teaches you resiliency and adaptability.
95
+
96
+ David: The greatest joy of modding on Raising the Bar: Redux was bringing together a number of specialists and talented individuals who, put together, can achieve things not possible alone. Team building and bringing people together is the greatest reward modding can provide for me, and seeing the collective talent of hobbyists and passionate creators at work is something I�ve never seen in any other context or any other field. Everyone wants to be there, wants to be a part of the collective whole and produce something not for money or personal gain, but for the love of creating, and in that environment there really is nothing else out there like that.
97
+
98
+ What tools do you use for modding? What are your favorites?
99
+
100
+ Nicolas: Back then, in 2010 and before, there weren't that many tools available to modders. If you had a level editor, a trusty image editor, and a text editor, you were basically set. These days, working on Portal: Prelude RTX with NVIDIA folks and David Driver-Gomm definitely opened my eyes to how much easier, and at the same time so much more complicated everything has become. Tools like Adobe Substance 3D and the Omniverse toolkit from NVIDIA really blew my mind after years of inactivity in this field. It felt like being a kid again, witnessing magic tools you can�t quite figure out the inner workings of.
101
+
102
+ David: Every Source level designer has a love/hate relationship with ol� Hammer (Valve�s Hammer Editor, more informally known as Hammer, is the primary tool used for Source modding), but the power it gives you once you truly understand how to use map logic and how to play by its limitations is immense and means you can really push your creative vision to the max. I also use Blender as my primary 3D modeling tool as I find it�s plugin support and community focus makes it incredibly versatile; if there�s a 3D format out there, chances are someone has written a plugin for it, and that makes it very easy to move from game to game and keep the same workflow.
103
+
104
+ What�s the story behind the creation of the Portal: Prelude mod? When and why did you choose to make an unofficial prequel to Portal?
105
+
106
+ Nicolas: In January 2008, I was looking for a new project. Portal had been out for four months, and no one had done anything really serious around it. I was a part of a lot of communities and followed a lot of independent releases, but no mod and no serious story arcs were being released. This is why I decided to launch this project.
107
+
108
+ Originally, the project was rather insignificant. It was not supposed to be a modification of the game, but just a succession of test chambers, without any real logic between them. I had no goal, I was just making maps as I saw it. And finally, when I reached a dozen test chambers, I realized that it would be a shame to waste all this work by only releasing yet another map pack without any real backstory. This is where I began to write a whole new story and decided to follow the famous belief that prequels were somewhat popular at that time.
109
+
110
+ My goal was to make it a personal project, without telling anyone about it. I wanted to surprise everyone by releasing a quality, polished, and fully finished game, offering roughly the same amount of playtime as Portal. As months passed, I had more and more difficulty working on it regularly. In real life, I was both a student and an employee, and that didn't leave me with a lot of time to work on the game. This is where I decided to ask for some help, mainly from J�r�my "Capitaine Mousse" Barbe, who helped me by making four of the nineteen test chambers while I was working on the final level. Marc "Moroes" Bidoul helped me too, by making a few 3D models and textures.
111
+
112
+ [It took me] nine months [to make]. Not nine months of continuous work of course, but nine months with some days filled with dozens of hours of hard work. I worked on the nineteen test chambers for 3 to 4 months, followed by 2 months on the final level, and 2 months of testing, debugging, and polishing (interfaces, voices, commentaries, etc.). It took me a lot more time than I initially thought, mainly because I also had school exams and my actual job to do on the side.
113
+
114
+ In June 2008, I learned like everyone else that Valve was potentially working on what we thought would end up being an official prequel of Portal (Portal 2). It felt like I was the only person on Earth not entirely happy with this announcement. So, I decided to work twice as hard to release my version way before Valve ever could.
115
+
116
+ How did Portal: Prelude RTX come about?
117
+
118
+ Nicolas: Back in 2022, I was approached by David Driver-Gomm from ModDB.com, and Nyle Usmani from NVIDIA shortly before the release of Portal with RTX, and they had this idea of taking a popular fan-made Portal mod from the old days, and working on a remaster powered by the same RTX Remix technology [used to make Portal with RTX]. I originally declined due to my absence from the modding scene for the last ~10 years, but ultimately decided to get on board once I saw the technology in action and because it was the perfect opportunity to deliver the 15-year anniversary remaster that many gamers had requested over the years.
119
+
120
+ David: I was not a part of the original mod, but I played it when I was a kid, and as a big fan of Portal, I loved just having more Portal to play. Prelude told a very interesting story of a pre-GLaDOS Aperture that excited my creativity, and I remembered it fondly for many years. That�s why when it came to talking about what might be a project to uplift with a combination of Portal with RTX�s foundation and original work, Prelude immediately came to mind.
121
+
122
+
123
+ Nicolas: I wore and still wear many many hats during my modding experience/career. As mentioned earlier, you have to be mind-bogglingly adaptable when working on a mod as a super small team of amateurs. Probably too many to list and detail. However, a few of these are detailed as follows:
124
+
125
+ Environment Artist: Before you even start anything, you have to have a good idea of what the end result is supposed to look like. What ambience, scenery, visual decor, and soundscapes are going to play together. When we worked on �I Hate Mountains�, we had a gigantic bank of pictures and sounds to get us to imagine what the final result would look like as a team.
126
+
127
+ Level designer: Don�t get me wrong, this is a real job. Many people in the world actually studied to become good level designers, and know the ins and outs, patterns, and core concepts that make a good level good. That wasn�t my case, so iterating and having real players test the result has always been the crutch on which I relied most! Getting inspiration from other games, and real life locations has also been super influential in my process. This usually involves a ton of research and prototyping, like what we did on the �I Hate Mountains� project:
128
+
129
+ This is usually done with the game�s level editor directly, roughly blocking out the layout, playtesting it ad-nauseum, and iterating on decor and environment from larger features to smaller details. I mostly used the Valve Hammer Editor for Source engine-based projects like Portal: Prelude RTX.
130
+
131
+ 2D Artist: For Portal: Prelude RTX, I helped with texturing and more specifically remastering the existing 128x128/256x256/512x512 original textures into high-fidelity 1024x1024/2048x2048/4096x4096 multi-map textures supported by the RTX Remix toolkit.
132
+
133
+ The amount of work that a 4K multi-texture requires compared to a simple flat texture from the original game was surprising to me. Between the amount of details required on the albedo layer, the reflective map, roughness map, normal map, emissive map, opacity map, and more, it was definitely a challenge that forced me to learn and use more modern tools like Adobe Substance 3D and to have access to banks of high resolution pictures from real-life objects and textures.
134
+
135
+ Integrator: For most of the duration of the Portal: Prelude RTX project, I was the person in charge of doing the translation between the game�s old, low-resolution assets to the new, high-resolution assets. This process was done using the then [early] in-development tool from NVIDIA called RTX Remix. This allowed me to take virtual 3D screenshots of a level and all of its assets while in-game, load this capture in RTX Remix, and literally replace every single asset (texture, geometry, light, etc.) with a 10 or 100 times higher fidelity version using open-source 2D and 3D formats.
136
+
137
+ I wouldn�t discount the fact that it also allows you to relight every single level with realistic path-traced lighting, which unlocked a ton of potential that old game engines could not provide back in the days. Several levels of Portal: Prelude have some limited amount of pre-baked lightmap changes to simulate dark vs. lit environments, but the final result with RTX Remix is light-years ahead of what I could do back then. Having the opportunity to remaster these levels the way I had intended them to look like and behave back then was a nice cherry on the cake.
138
+
139
+ David: As I was primarily an asset creator, my workflow involved creating assets to spec to the original captured variants. As I was the main asset creator for the entire project�s history and operating on limited time, I tended to work straight from the captured meshes and then went to uplift them from there, to varying degrees. So:
140
+
141
+ Gather reference material on the original asset - 360 pictures usually taken in engine, most commonly in Garry�s Mod which has a total repository of all the Portal and Half-Life 2 assets we were using, which made it very easy for me to fly around the asset and get a close look at certain details
142
+ Load up the NVIDIA Omniverse version of Blender, which has USD import support and is my 3D modeling tool of choice
143
+ Import the USD of the asset captured by the RTX Remix runtime
144
+ Uplift the captured USD in Blender - model new geometry, bevel out edges, and so on. This process would be more or less involved depending on the complexity/importance of the original asset and how much time I had to assign to it. Some assets were practically modeled from scratch anyway, whereas some - like pipes - mostly just had all their edges beveled out so they were higher poly and smoother
145
+ UV unwrap the uplifted asset (usually my least favorite part, heh)
146
+ Bring the asset into Substance Painter so I can create high-quality PBR maps for the model and then work on adding additional details via texture/normal mapping
147
+ Export the textures, and then prep for ingestion into the game via RTX Remix
148
+ RTX Remix allowed us to inject these super high quality assets into environments and really go the extra step. Prelude is quite different from the original Portal in that it makes extensive use of added assets and different environments than just test chambers, leading to a lot of unique cases where new props were used in Prelude sourced from Half-Life 2 or Counter-Strike: Source, particularly in the last level of the game where you go face-to-face with scientists and their office-working environment. This presented a special opportunity to build an environment new from [those seen in] Portal with RTX. The RTX lighting certainly helped too, and that�s considering the original mod was already very competently lit via Source Engine methodology!
149
+
150
+
151
+ How did the GPU acceleration and AI-enabled features of GeForce RTX GPUs assist in development?
152
+
153
+ Nicolas: During the Portal: Prelude remaster, I mainly used two features that required intensive use of GPU-acceleration and AI-enabled features:
154
+
155
+ The RTX Remix tool itself is insanely powerful and almost comes across as magic to me. The ability to capture any part of a game, load it in a 3D tool and chip away at it as if this was being done using the original game�s level editor is insane. The amount of processing power that it requires to display and work in these levels in high-fidelity, path-traced dynamic lighting, with hundreds of high-poly 3D assets and 4K textures is also quite insane though. Having a powerful NVIDIA card to bear the brunt of the load was essential to my productivity.
156
+ Early on during the remaster process, we played with AI upscaling a lot. When staring down at the daunting task of remastering hundreds or thousands of textures manually from the original low-resolution flat textures to multi-map high-resolution textures, it was greatly helpful in cutting down on the early work and focusing more on hero assets that required a more hands-on treatment, like character/NPC models, and large predominant textures.
157
+ How will NVIDIA RTX Remix impact the future of mod development?
158
+
159
+ Nicolas: When I first saw Portal with RTX in action, I kept waiting for the shoe to drop. I was highly skeptical that a tool that anyone could use would be capable of such an incredibly high-fidelity remaster without having access to any of the original game�s assets or any way to modify the original games files.
160
+
161
+ When I was able to get my hands on a pre-alpha early version of RTX Remix, I was honestly floored. I�m a software engineer in life, and I could not wrap my head around how such a thing could have even been built, let alone work exactly as I would have expected it to work. It really allowed me to launch an old game (Portal), click on a button in-game to take a capture of the world, load it into RTX Remix, click on a wall texture, replace it with literally anything from a cat meme picture to a super-realistic photo-realistic 8K texture, and literally see it pop up in-game in real time.
162
+
163
+ The fact that it provides a game-agnostic, proprietary format-agnostic, hands-on experience is something that could be a watershed moment in preserving legacy games and making sure that they can be experienced by a new generation of gamers in higher-fidelity without having to hope/wait for an officially sanctioned remaster or never see one because of a potentially defunct game studio.
164
+
165
+ David: RTX Remix opens up the graphical playing field dramatically for older games. A lot of people are happy to play older games with the graphics of the time, but it�s also a very common sub-genre of mod to try and uplift the fidelity of older games for a fresh visual experience on a replay. All of that used to have to be done either in-engine with the tools provided, or with some very challenging work injecting new graphical techniques into a game.
166
+
167
+ RTX Remix will do a lot of this work for modders in compatible titles, and as RTX becomes something of a norm as far as technology goes, it�ll be opened up to more and more people in the future. I also foresee that it will be a great addition to the processes for new mods and total conversions, as most asset creation pipelines today involve some level of PBR workflow that is then downgraded into an original engine. Overall it�ll simplify graphical remastering tremendously, and bring mods up a notch to be able to bat with professional titles.
168
+
169
+ Do you have any learnings you�d like to share with gamers or other mod developers about RTX Remix?
170
+
171
+ Nicolas: Yes, working with RTX Remix was a great experience, but with great power comes great responsibilities. The tool can be overwhelming because there is almost no limit to what you can do with it. You have to be well-organized, and segment your project early if you want any chance of succeeding. It usually starts easy, but when you reach thousands of high-fidelity 2D and 3D assets, upon layers and layers of replacement, you better be organized especially if you�re working as a team.
172
+
173
+ With David, we made sure to have people dedicated to specific roles and specific sections of the remaster. David would create a �3D asset� replacement layer and work on replacing legacy objects like chairs and pipes while I was working on a �lighting� replacement layer that only contained changes to emissive textures and lights. We had many such replacement layers, similar to how a layer in Photoshop would work, like 2D assets, 3D assets, skyboxes, lighting, NPCs, signage, etc.
174
+
175
+ Additionally, having a well defined, agreed upon file organization strategy super early is of paramount importance so that files for each replacement layer are easy to find, and well segregated can help a ton when working as a team. Having a version control system to take care of versioning for you in addition to RTX Remix would be a must-have in my opinion.
176
+
177
+ Finally, you do have to think outside of the box sometimes. When I say there are no limits, there actually are, and these are the limits of what the original game provided. It can be hard to replace something that wasn�t there in the first game for example. Or it can be hard to work around a limitation of the first game that used a quirk of the game engine to make it work. One such example for us was working around pre-baked lighting in some levels of Portal: Prelude. You have to undo a lot of the workarounds that were made in the original game and replace them with better ones from RTX Remix, but it can require creative solutions and hacky workarounds to get to where you want to be. I think it�s part of the modding process though, and isn�t necessarily a bad thing. You have to be scrappy.
178
+
179
+ David: RTX Remix is great, but what we found on Portal: Prelude RTX, and what I believe is best for the tool overall, is that it works best when in tandem with other game tools. We used Hammer and level design to redesign parts of levels to function a little better in RTX; we made changes on the in-game side to facilitate better replacements by RTX Remix; and Portal: Prelude RTX received a lot more improvements, great and small, besides just the graphical overhaul. RTX Remix is a powerful arrow in any modder�s quiver, and best used alongside a varied toolset to push your mod to the next level. Depending on the task, it could very well be the only tool you really need, but it�s best as a collaborative item.
180
+
181
+ Thanks for speaking with us; Portal: Prelude RTX is an amazing game, and is truly spectacular on a GeForce RTX GPU. Follow Nicolas and David on Twitter to discover what they work on next.
182
+
183
+ ---------------
184
+
185
+ Portal: Prelude RTX is available now for download, free to all owners of Portal. Learn more in our Portal: Prelude RTX launch article, and get the full lowdown on our new GPU-accelerated storage technology in our NVIDIA RTX IO launch article. For future updates on NVIDIA RTX Remix, stay tuned to GeForce.com.
dataset/ratchet-and-clank-rift-apart-dlss3-rtx-io.txt ADDED
@@ -0,0 +1,77 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Ratchet & Clank: Rift Apart Available July 26 With DLSS 3, Ray Tracing, Reflex & RTX IO
2
+ By Andrew Burnes on July 25, 2023 | Featured StoriesGeForce RTX GPUsNVIDIA DLSSNVIDIA ReflexNVIDIA RTXNVIDIA RTX IORay Tracing
3
+ Every week, we bring you news of the latest DLSS and ray tracing integrations in games and apps.
4
+
5
+ Last week, we celebrated the launch of Portal: Prelude RTX, a path-traced remaster of a classic mod, made in NVIDIA RTX Remix and enhanced with full ray tracing, NVIDIA DLSS 3, NVIDIA Reflex, and our new, game-changing NVIDIA RTX IO GPU-accelerated storage technology.
6
+
7
+ Both the mod�s gameplay and its path-traced graphics have received acclaim from all quarters. Here�s a sampling of the reviews released to date:
8
+
9
+ �The results are breathtaking� - Hot Hardware
10
+ �This isn�t a drab re-release, as the updated release features new textures, full ray tracing, DLSS 3 for increased performance, NVIDIA Reflex for decreased latency and RTX IO for quicker load times.� - Engadget
11
+ �A glimpse at the future of lighting in games� - Tweaktown
12
+ �One of the biggest upgrades to texture load times in years just debuted in a free Portal mod� - PC Gamer
13
+ �Portal: Prelude RTX brings a classic Source mod to the forefront of graphics technology� - Digital Foundry
14
+
15
+
16
+
17
+ The good times keep rolling this week with the arrival of Ratchet & Clank: Rift Apart on PC on July 26th, featuring NVIDIA DLSS 3, NVIDIA DLAA, NVIDIA Reflex, ray tracing, and NVIDIA RTX IO, giving GeForce RTX gamers the definitive PC experience, with the fastest possible PC frame rates, the most responsive gameplay, and the highest levels of detail.
18
+
19
+ And DLSS is also coming to more of your favorite games. Today, the eagerly anticipated Remnant II launches with DLSS 2. Additionally, the action game SYNCED is launching this Summer with DLSS 3, and Wuthering Waves announced that it will launch with DLSS 3, too. Finally, the ever-popular DLSS 2-enhanced NARAKA: BLADEPOINT celebrates its second anniversary with a special event and by transitioning to a free-to-play model, enabling even more people to play.
20
+
21
+ For all the details and trailers, read on.
22
+
23
+ Ratchet & Clank: Rift Apart Is #RTXON
24
+ The venerable, much-loved Ratchet & Clank franchise makes its debut on PC tomorrow with the launch of the critically acclaimed Ratchet & Clank: Rift Apart. This dimension hopping action-adventure-platformer from Insomniac Games has been brought to the PC by Nixxes Software, and when gamers hit �Play� on July 26th they�ll discover the inclusion of NVIDIA DLSS 3, NVIDIA DLAA, NVIDIA Reflex, and NVIDIA RTX IO. And thanks to dedicated Ray Tracing Cores on each GeForce RTX GPU, Ratchet & Clank: Rift Apart�s ray-traced shadows, ambient occlusion and reflections will run at the highest speeds possible on GeForce RTX hardware.
25
+
26
+
27
+
28
+ GeForce RTX 40 Series graphics cards and laptops can multiply performance using NVIDIA DLSS 3. At 4K, with all ray tracing effects enabled, and settings maxed, GeForce RTX 4080 and 4090 desktop GPU gamers can experience 140+ FPS gameplay, for the definitive PC experience.
29
+
30
+
31
+
32
+ To make gameplay even more responsive, all GeForce GTX 900 Series and newer owners can activate NVIDIA Reflex, reducing system latency in Ratchet & Clank: Rift Apart by up to 48%. Each action will occur faster, helping you nail tricky jumps, and dodge enemy attacks.
33
+
34
+ Ratchet & Clank: Rift Apart leverages our brand-new NVIDIA RTX IO GPU-accelerated storage technology. This game-changing feature enables rapid loading of assets, accelerating the seamless portal-jumping gameplay of Ratchet & Clank: Rift Apart. Learn more in our NVIDIA RTX IO launch article.
35
+
36
+
37
+
38
+ Ratchet & Clank: Rift Apart makes extensive use of ray-traced reflections to enhance the appearance of main characters and its sci-fi levels. For the PC release, their maximum quality has been increased, and there�s a selection of quality settings to choose from, ensuring all gamers with ray tracing-capable hardware can experience their image quality enhancing visuals.
39
+
40
+ Ratchet & Clank: Rift Apart�s PC release also introduces ray-traced shadows to the game, for immersive natural shadowing in the game�s expansive, high detailed outdoor environments. Using a GeForce RTX system, gamers can maximize performance when using these high-fidelity effects thanks to the dedicated RT Cores on each GeForce RTX GPU.
41
+
42
+ The new PC release also features support for 21:9, 32:9 and 48:9 resolutions, triple-monitor Surround gaming, the usual assortment of options to ensure you can play the way that best suits your style, and DualSense controller support, so when playing on a wired connection you can feel in-game actions coming to life in your hands with haptic feedback and dynamic trigger effects.
43
+
44
+ Ratchet & Clank: Rift Apart launches July 26th on PC - wishlist or pre-order now to experience all of this amazing technology on your GeForce RTX PC or laptop. With day-one support for NVIDIA DLSS 3, NVIDIA DLAA, NVIDIA Reflex, NVIDIA RTX IO, and ray tracing, GeForce RTX gamers will enjoy the definitive PC experience. Ahead of the game�s launch, be sure to download and install our Ratchet & Clank: Rift Apart Game Ready Driver.
45
+
46
+ Remnant II Available Today With DLSS 2
47
+ Remnant II from Gunfire Games is the sequel to the best-selling game Remnant: From the Ashes that pits survivors of humanity against new deadly creatures and god-like bosses across terrifying worlds. Play solo or co-op with two other friends to explore the depths of the unknown to stop an evil from destroying reality itself. To succeed, players will need to rely on their own skills and those of their team to overcome the toughest challenges and to stave off humanity�s extinction.
48
+
49
+
50
+
51
+ At launch today, July 25th, Remnant II will boast support for DLSS 2, enabling you to crank up the visuals of its high fidelity world, for the fastest, most impressive gameplay possible.
52
+
53
+ NARAKA: BLADEPOINT Celebrates 2nd Anniversary, Goes Free To Play
54
+ Developed by 24 Entertainment and published by NetEase Games Global, NARAKA: BLADEPOINT is a 60-player melee-focused Battle Royale in where players can experience a unique fighting gameplay, combining fast movements in a large environment and a deep and intense melee combat system based on combos, parries, and counters.
55
+
56
+ To celebrate its second anniversary, NARAKA: BLADEPOINT is running a special in-game event through to August 8th, filled with goodies, discounts, limited-time rewards, and more. This is all backed by the biggest reward of all: NARAKA: BLADEPOINT is now free to play, enabling even more people to play the game!
57
+
58
+
59
+
60
+ New players joining battles - be sure to enable NVIDIA DLSS 2 and NVIDIA Reflex for the fastest and most responsive NARAKA: BLADEPOINT experience, giving you a competitive edge online.
61
+
62
+ SYNCED Launches This Summer With DLSS 3 & Ray Tracing
63
+ NExT Studios and Level Infinite's SYNCED is a futuristic free-to-play cooperative shooter set in a world devastated by rogue technology. Gear up with a squad or fight solo across intense PvE and PvP scenarios as you take the fight to the Nanos and weaponize your enemy.
64
+
65
+
66
+
67
+ This summer, SYNCED will officially launch on Steam and Epic Game Store with support for NVIDIA DLSS 3, NVIDIA Reflex, ray-traced shadows, and ray-traced reflections, giving GeForce RTX gamers the definitive experience. Check out the latest gameplay trailer above, and wishlist now on Steam or the Epic Games Store to be notified when SYNCED launches.
68
+
69
+ Wuthering Waves Will Launch With NVIDIA DLSS 3
70
+ Kuro Games' Wuthering Waves is a cross-platform, open-world ARPG that is free to play. Set for a global release, the game features next-gen image quality, combat gameplay with high degrees of freedom and profound narrative content. You will take the role of Rover, venturing into a vast and unfamiliar world after being awakened from a prolonged slumber.
71
+
72
+
73
+
74
+ When Wuthering Waves wades onto Windows PCs and laptops, gamers with GeForce RTX GPUs are guaranteed the greatest experience possible thanks to the inclusion of the performance multiplier, NVIDIA DLSS 3. Head to the Wuthering Waves YouTube channel to watch more gameplay, and to learn more about the story.
75
+
76
+ Check Back Next Week For Even More RTX Games
77
+ Each week there are even more DLSS integrations arriving for an array of games. Check back next week for a rundown of the next DLSS and RTX games, and head here to see the complete list of over 300 DLSS-enhanced games and apps.
dataset/reflex-party-animals-540hz-ulmb2-gaming-monitor.txt ADDED
@@ -0,0 +1,53 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ NVIDIA Reflex Now Reducing System Latency In Party Animals, Warhaven & More
2
+ By Andrew Burnes on September 20, 2023 | Featured StoriesG-SYNCGeForce RTX GPUsNVIDIA ReflexNVIDIA RTX
3
+ NVIDIA Reflex is a must-have in games, reducing system latency so your actions occur quicker, giving you a competitive edge in multiplayer matches, and making single-player titles more responsive and enjoyable. NVIDIA Reflex is now used by over 50 million players each month, is available in 9 of the top 10 competitive shooters, including the Counter-Strike 2 beta, and is activated by 90% of GeForce gamers in over 70 supported titles.
4
+
5
+
6
+
7
+ NVIDIA Reflex is synonymous with responsive gaming, and can be found in the latest and greatest games, including Party Animals, Warhaven, and Witchfire, which all launch this week. Additionally, Nexon�s First Descendant Crossplay Open Beta will boast support, too.
8
+
9
+ This month also sees the launch of the first 540Hz NVIDIA G-SYNC Ultra Low Motion Blur 2-capable monitor, from ASUS. When activated, ULMB2 gives you 2,160Hz of effective motion clarity, for the definitive competitive gaming experience.
10
+
11
+ Read on for all the details.
12
+
13
+ Party Animals Launches Today With NVIDIA Reflex & DLSS 2
14
+ Battle with your friends as puppies, kittens and other cuddly creatures in Party Animals, developed by Recreate Games. Engage in paw-to-paw combat with your friends online. Interact with the world using a realistic physics engine and take advantage of interactive elements in each unique level to emerge victorious in every brawl.
15
+
16
+ When Party Animals launches today, September 20th, GeForce RTX gamers can boost performance with DLSS 2 and reduce system latency with NVIDIA Reflex, giving them a competitive edge over critters with less responsive systems.
17
+
18
+ NVIDIA Reflex reduces system latency, and DLSS 2 increases performance by 1.7X on average with max settings at 4K, enabling all GeForce RTX gamers to crush the competition at ludicrously fast and fluid frame rates:
19
+
20
+ The First Descendant Open Beta Available Now, Featuring Reflex & DLSS 3
21
+ Nexon Games� The First Descendant is a free, third-person cooperative action-RPG shooter powered by Unreal Engine 5. Experience the fun of strategic boss fights through 4-player co-op, using an extensive range of unique characters, with exciting gunplay, and looting. Battle through the engrossing story, and tackle World Missions against huge bosses.
22
+
23
+
24
+
25
+ From September 19th through to September 25th, gamers can participate in a First Descendant Crossplay Open Beta, featuring 13 characters, nine giant boss raids, and tons of other content. If you�re playing on PC with a GeForce RTX GPU, you can activate NVIDIA Reflex and NVIDIA DLSS 3, reducing system latency by up to 56% at 4K for more responsive gameplay, multiplying performance for GeForce RTX 40 Series gamers, and accelerating frame rates for all other GeForce RTX users via DLSS 2.
26
+
27
+
28
+
29
+ Warhaven Launches Today With Reflex & DLSS 3
30
+ Enter battle today in NEXON Korea�s Warhaven, a visceral 16 vs. 16 third-person medieval-fantasy combat action game created by the minds behind Durango: Wild Lands and Vindictus. Choose among a diverse roster of melee-weapon and magic-based combatants to storm battlegrounds as you see fit. Transform into powerful heroes called Immortals to wield supernatural skill sets, and experience team-based sword-and-magic gameplay like never before.
31
+
32
+
33
+
34
+ Warhaven features day-one support for NVIDIA Reflex which reduces system latency by up to 46% at 4K for more responsive multiplayer battling, and performance can be accelerated to even greater heights with NVIDIA DLSS 3.
35
+
36
+ Witchfire Enters Early Access Today With Support For Reflex & DLSS 3
37
+ The Astronauts� Witchfire is a dark fantasy first-person shooter from the creative leads behind Painkiller, Bulletstorm, and The Vanishing of Ethan Carter. Desperate for a chance to triumph in the deadly war against witches, the Church calls on forbidden pagan magic to turn willing sinners into immortal witch hunters called preyers. Armed with powerful spells and fearsome firearms conjured by the best Vatican sorcerers, your mission is to find the infamous witch of the Black Sea, destroy the phantom army that protects her, and retrieve a mysterious artifact that can finally turn the tide of war.
38
+
39
+
40
+
41
+ Like The Astronauts� previous title, The Vanishing of Ethan Carter, Witchfire uses photogrammetry technology to achieve stunning visuals in its grim, immersive dark fantasy world. On GeForce RTX PCs and laptops those visuals will be accelerated by NVIDIA DLSS 3, and system latency will be reduced by up to 57% at 4K with NVIDIA Reflex, making gameplay even more responsive.
42
+
43
+ ASUS ROG Swift Pro PG248QP NVIDIA G-SYNC Ultra Low Motion Blur 2 Monitor Available This Month
44
+ In 2015, NVIDIA created Ultra Low Motion Blur (ULMB), a novel technique of G-SYNC monitors to deliver extra motion clarity in competitive games. Earlier this year, we launched NVIDIA G-SYNC Ultra Low Motion Blur 2 (ULMB 2), featuring over 1000 Hz of effective motion clarity for the best motion blur reduction for competitive gamers. And compared to the original, ULMB 2 also delivered full refresh rate backlight strobing, nearly 2X higher brightness, and practically zero crosstalk.
45
+
46
+ This month, ASUS is releasing the ROG Swift Pro PG248QP gaming monitor, the first 540Hz display with G-SYNC Ultra Low Motion Blur 2. When activated, ULMB 2 will deliver 2,160Hz of effective motion clarity, for the definitive competitive gaming experience.
47
+
48
+ To learn more about G-SYNC Ultra Low Motion Blur 2, check out our original announcement. And stay tuned to ASUS� pages and social media channels to learn about availability of the ROG Swift Pro PG248QP gaming monitor in your region.
49
+
50
+ Additionally, the Acer Predator XB273U F 27� 1440p 360 Hz, and ASUS ROG Swift 360Hz PG27AQN 27� 1440p 360 Hz ULMB 2 are already available, with over 1000 Hz of effective motion clarity.
51
+
52
+ More To Come Soon
53
+ Even more new NVIDIA Reflex games, plus Reflex-compatible mice and monitors are on their way, so stay tuned to GeForce.com to learn more when the news drops; check out the complete list of currently supported games and devices on our NVIDIA Reflex website.
dataset/rtx-io-for-geforce-gpus-available-now.txt ADDED
@@ -0,0 +1,64 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ NVIDIA RTX IO GPU-Accelerated Storage Technology Debuts This Month In Portal: Prelude RTX and Ratchet & Clank: Rift Apart
2
+ By Andrew Burnes on July 18, 2023 | Featured StoriesGeForce RTX GPUsHardwareNVIDIA RTXNVIDIA RTX IOPortal with RTX
3
+ Rapid loading and smooth navigation through endless open worlds has long been a goal of gamers and developers alike. Even with the incredible performance of NVMe SSDs, this goal has remained out of reach. Modern game engines have exceeded the capability of traditional storage APIs; a new generation of Input/Output (IO) architecture is needed.
4
+
5
+ Enter NVIDIA RTX IO, enabling fast GPU-based loading and game asset decompression, massively accelerating IO performance compared to hard drives and traditional storage APIs. NVIDIA RTX IO leverages GPU decompression for smaller data packages, enabling faster load times and lower CPU utilization, allowing developers to create a new generation of games with massive, highly detailed worlds.
6
+
7
+ NVIDIA RTX IO makes its debut alongside the free Portal: Prelude RTX mod today, and will also feature in Ratchet & Clank: Rift Apart, launching July 26th.
8
+
9
+ How Does RTX IO Work?
10
+ NVIDIA RTX IO leverages the advanced architectures of GeForce GPUs to offload dozens of CPU cores� worth of work to your GPU, enabling faster game loading, and opening the door to a new era of large, incredibly detailed open world games. RTX IO is based on GDeflate, an open GPU compression standard contributed by NVIDIA, which is utilized by both Microsoft�s DirectStorage and new Vulkan Extensions.
11
+
12
+ Traditionally, data is sent from your disk drive to the CPU, decompressed through system memory, and sent to the GPU. This system is not designed with the capabilities of today�s Gen4 and Gen5 PCIe NVME SSDs in mind, using only a fraction of their capabilities. Bottlenecks from the CPU and System Memory, combined with bigger assets, limit the gains from newer SSDs, resulting in slower loading of assets, which can cause in-game texture pop-in, or longer loading times.
13
+
14
+ Traditional Input/Output processes cause bottlenecks in today�s content-rich games
15
+
16
+ NVIDIA RTX IO dramatically increases IO bandwidth by letting compressed data be delivered to GPU memory with minimal staging in the CPU system memory. The GPU is utilized for decompression using GDeflate at high throughput, allowing the CPU to perform other tasks. As a result, object pop-in and stutter can be reduced, and high-quality textures can be streamed at incredible rates, so even if you�re speeding through a world, everything runs and looks great. In addition, with lossless compression, game download and install sizes can be reduced, allowing gamers to store more games on their SSD while also improving their performance.
17
+
18
+ NVIDIA RTX IO leverages GPU accelerated decompression for faster IO throughput
19
+
20
+ While RTX IO is supported on all modern DirectX 12 GPUs, it is designed to run on as many parallel cores in the GPU as possible, so in cases where the IO throughput is not the bottleneck, the more compute cores available, the more performant it is. Essentially, load times are fastest on more powerful GPUs and SSDs; specific speed ups will vary based on the game, scene, and your particular combination of GPU and disk drive.
21
+
22
+ In Portal: Prelude RTX, NVIDIA RTX IO is always on (you don�t need to toggle it in a menu), and it enables much faster texture load time, minimizing asset pop-in:
23
+
24
+
25
+
26
+
27
+ NVIDIA RTX Remix was used to bring Portal: Prelude RTX to life, and thanks to RTX IO and the use of Vulkan extensions, GPU decompression with GDeflate shrank Portal: Prelude RTX�s install size by 44%, enabling gorgeous 4K textures to be experienced losslessly with a minimal footprint. When the RTX Remix creator toolkit is released, every modder will be able to count on RTX IO to enable them to stay true to their artistic vision, while keeping within the file size restrictions of popular modding sites.
28
+
29
+ In Ratchet & Clank: Rift Apart, launching July 26th, NVIDIA RTX IO is used to quickly load high-quality textures and environments with a high level of detail when jumping between dimensions. With DirectStorage accelerated by RTX IO, and the use of a fast NVMe SSD, the integration results in very responsive texture streaming even at the highest settings.
30
+
31
+ Richard van der Laan, Senior Lead Programmer at Nixxes Software, explains: �To enable quick loading and instant transition between dimensions, the game needs to be able to load assets quickly. DirectStorage ensures quick loading times and GPU decompression is used at high graphics settings to stream assets in the background while playing.�
32
+
33
+ RTX IO Supports DirectStorage & Vulkan
34
+ RTX IO is built on GDeflate, an open GPU compression standard contributed by NVIDIA to maximize adoption and compatibility, enabling each Independent Hardware Vendor (IHV) to add support in their drivers, and allowing developers to easily incorporate its technology across multiple platforms. RTX IO supports DirectX through DirectStorage, and Vulkan through Vulkan extensions.
35
+
36
+ NVIDIA RTX IO leverages open standard GPU compression standard supporting both DirectX & Vulkan
37
+
38
+ On GeForce GTX and RTX PCs and laptops with Maxwell or newer architectures, the technology�s performance is further improved thanks to our Game Ready Drivers, and in titles with RTX IO integrations, the full capabilities of your GeForce RTX GPU are leveraged, giving you the definitive experience.
39
+
40
+
41
+ Portal: Prelude RTX Launches Today With NVIDIA RTX IO
42
+ Portal: Prelude RTX is a full ray-traced remaster of the highest-rated Portal mod of all time, Portal: Prelude. Available for download today, its creators used NVIDIA RTX Remix to reimagine their classic, with inspiration from Portal with RTX. Portal: Prelude RTX features hundreds of additional remastered materials and assets, a new fully voice acted story, and updated level design for improved gameplay.
43
+
44
+
45
+
46
+ This incredible remaster launches for free today, and can be downloaded by all Portal owners on Steam. By leveraging RTX IO, its download size is greatly reduced, and its loading times accelerated. For a Portal: Prelude RTX deep dive, head to our dedicated Portal: Prelude RTX launch article.
47
+
48
+ Ratchet & Clank: Rift Apart Launches July 26th With RTX IO
49
+ On July 26th, the critically acclaimed Ratchet & Clank: Rift Apart comes to PC, courtesy of Insomniac Games and Nixxes Software. Ratchet & Clank: Rift Apart supports RTX IO, leveraging the DirectStorage runtime and our RTX IO-enabled Game Ready Drivers, ensuring the dimension-hopping gameplay is fluid and exciting.
50
+
51
+
52
+
53
+ Download The July 18th GeForce Game Ready Driver For The Best Day One Experience
54
+ Today, we�ve released our latest GeForce Game Ready Driver. It�s optimized for Portal: Prelude RTX, Ratchet & Clank: Rift Apart, and other games, and gives you the highest levels of performance when using NVIDIA RTX IO and DirectStorage for Windows in the two titles.
55
+
56
+
57
+ To download and install, head to the Drivers tab of GeForce Experience or GeForce.com.
58
+
59
+ Gaming Evolves With The Launch of NVIDIA RTX IO
60
+ Developers are always pushing the boundaries of technology, and with the latest advancements and engine upgrades they can create near-photorealistic environments in massive traversable worlds, with faster loading than ever before thanks to NVIDIA RTX IO, GDeflate, and Microsoft DirectStorage for Windows. With these technologies, gamers will experience far fewer visible level of detail transitions, barely noticeable asset pop-in, and rapid texture loading.
61
+
62
+ With a GeForce RTX 40 Series GPU you�ll receive the fastest possible performance, and all other modern GeForce GPU users will benefit greatly from Game Ready Driver and RTX IO game optimizations, as in Portal: Prelude RTX.
63
+
64
+ To learn which games are adding NVIDIA RTX IO next, stay tuned to GeForce.com
dataset/starfield-game-ready-driver.txt ADDED
@@ -0,0 +1,37 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Starfield & ICARUS: New Frontiers Game Ready Driver Released
2
+ By Andrew Burnes on August 22, 2023 | Featured StoriesDriversGamescom
3
+ Our latest driver is Game Ready for Starfield and ICARUS� New Frontiers expansion.
4
+
5
+ There�s also support for 8 new G-SYNC Compatible gaming monitors, and another 6 GeForce Experience Optimal Settings.
6
+
7
+ To download and install, head to the Drivers tab of GeForce Experience or GeForce.com.
8
+
9
+ Support For Newly Validated G-SYNC Compatible Displays
10
+ Our newest Game Ready Driver adds support for 8 new G-SYNC Compatible displays that deliver a baseline Variable Refresh Rate (VRR) experience that makes your gaming smoother and more enjoyable.
11
+
12
+ Manufacturer Model HDR Size Panel Type Resolution VRR Range
13
+ AOC AG275QZ Yes 27 IPS 2560x1440 (QHD) 48-270Hz
14
+ AOC AG275QXP Yes 27 IPS 2560x1440 (QHD) 48-180Hz
15
+ AOC AG275QXPD Yes 27 IPS 2560x1440 (QHD) 48-180Hz
16
+ ASUS VG27AQL3A Yes 27 IPS 2560x1440 (QHD) 48-180Hz
17
+ ASUS VG279QM1A No 27 IPS 2560x1440 (QHD) 48-240Hz
18
+ Philips TV 42OLED808 Yes 42 OLED 3840x2160 (4K) 48-120Hz
19
+ Samsung Odyssey G93SC Yes 49 OLED 5120x1440 (QHDx2) 48-240Hz
20
+ Samsung Odyssey G95SC Yes 49 OLED 5120x1440 (QHDx2) 48-240Hz
21
+ These newly-validated monitors give gamers even more choice when searching for a great gaming display. For a complete list of all G-SYNC, G-SYNC ULTIMATE, and G-SYNC Compatible gaming monitors, check out our handy and frequently updated G-SYNC page, which can be sorted and filtered, helping you quickly find the ideal display.
22
+
23
+ New Games Supported By GeForce Experience�s Optimal Settings
24
+ GeForce Experience�s one-click optimal settings enable you to instantly configure game options for your system�s hardware, giving you smooth, optimized gameplay. Over 1000 titles are supported, and since our last driver release we�ve added support for 6 more:
25
+
26
+ Atlas Fallen
27
+ F1? Manager 2023
28
+ Gord
29
+ Let's School
30
+ NOBUNAGA'S AMBITION: Awakening
31
+ Sengoku Dynasty
32
+ GeForce Experience also enables you to capture and stream your gameplay, take screenshots, upload videos to social networks, and more. For all the details, head here.
33
+
34
+ GeForce Game Ready Driver - Download Now
35
+ Learn more about GeForce Game Ready Drivers here; download the new GeForce Game Ready 537.13 WHQL driver through GeForce Experience.
36
+
37
+ If you experience any technical issues with the new Game Ready drivers please post a detailed report on the GeForce.com Driver Feedback Forum, where our Customer Care team can better assist you. And if you�re looking for a full list of fixes in this driver, for previously-reported issues, head here.
dataset_vector_embedding/default__vector_store.json ADDED
Binary file (639 kB). View file
 
dataset_vector_embedding/docstore.json ADDED
The diff for this file is too large to render. See raw diff
 
dataset_vector_embedding/graph_store.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"graph_dict": {}}
dataset_vector_embedding/image__vector_store.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"embedding_dict": {}, "text_id_to_ref_doc_id": {}, "metadata_dict": {}}
dataset_vector_embedding/index_store.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"index_store/data": {"902c3556-5029-4e33-a587-a02f32dff750": {"__type__": "vector_store", "__data__": "{\"index_id\": \"902c3556-5029-4e33-a587-a02f32dff750\", \"summary\": null, \"nodes_dict\": {\"0\": \"8a384df1-9531-4909-bdb4-3d6c02a957f4\", \"1\": \"9c841c8f-a550-4023-a468-845e29291c4c\", \"2\": \"e9739a65-984f-4195-a848-082cf2598ce7\", \"3\": \"b0303f86-cf7e-4599-aafa-7d3d36633a4a\", \"4\": \"46d2b4e1-c714-4327-a238-49bdef925fa4\", \"5\": \"7d7b3b8d-8ef7-4f87-9377-f59beaf0c1d2\", \"6\": \"848f5eb9-24e3-4d52-a0a1-0419e8e2ebfc\", \"7\": \"e7fb8304-41e7-4a3c-a863-1ec99bfd31f6\", \"8\": \"4f69e619-2f8e-4818-941a-7ec8a03f29a7\", \"9\": \"e8428e34-8911-4670-897b-3e77aff790c8\", \"10\": \"34de374f-465a-4980-a7fd-740f8d122c1c\", \"11\": \"43e89a42-991a-445d-b463-c0a121d01ef9\", \"12\": \"1d113876-7ee0-42de-a317-90a73711246e\", \"13\": \"d7d592e3-11b0-4c20-855f-4f69f0286827\", \"14\": \"40852c35-1208-4143-b30c-b6d8006afd50\", \"15\": \"ade41101-338c-4891-ae62-a761277e9e44\", \"16\": \"d4626208-5750-444c-8e4a-00d92c316702\", \"17\": \"3e18a545-7590-4986-9084-351864a10960\", \"18\": \"a1cc9378-9af6-4918-804b-651ed790d098\", \"19\": \"158f4465-4fad-42ce-af23-ab2da7ab2a1e\", \"20\": \"4ac3fa10-0c08-407b-ab0d-2f3f0393c935\", \"21\": \"03e5113f-ff53-4eec-a4ce-bc1793db7eee\", \"22\": \"8d5625ed-740e-409a-84b6-c9a488eb09ee\", \"23\": \"9743d06a-2e64-4733-b6fc-8e397ee8da33\", \"24\": \"d30c5bd1-eb88-4abe-9625-84d956fd9a09\", \"25\": \"4751c57d-2914-4228-bc78-33e81bb84ffb\", \"26\": \"b1a5f71e-66ab-420e-9d61-8c7c5eae0902\", \"27\": \"fa11608b-8f3b-4d9a-8439-6a04618f932e\", \"28\": \"79d9e6b4-4823-41c9-ad1f-b5c5e2f42bcf\", \"29\": \"fcaa7aa3-05a8-4054-9569-1d670b7efab4\", \"30\": \"5e22a1a1-a879-48f8-a2d8-8fba30844f99\", \"31\": \"d08f1f4a-4e95-4b8f-8082-2dcdf0dabe61\", \"32\": \"19407559-14b1-4bdd-87df-437f4ac56919\", \"33\": \"372b078c-3bca-4822-a49d-cda3196e9e88\", \"34\": \"a65e386f-05a5-472b-aaf5-0ac6913e87cd\", \"35\": \"e4f3cf00-db4e-44c3-9daa-ce8b69976e06\", \"36\": \"b30dcc16-521c-4247-bbc7-0cb3f764caad\", \"37\": \"b4e85943-4524-4fba-b9cd-5039c9c8f328\", \"38\": \"2748c113-0baa-47e8-902e-c2063aaffa25\", \"39\": \"7a0b5383-dedc-4558-9c28-b302eae9bd98\", \"40\": \"c30183cb-3c98-4936-aead-dfb6bbf119bb\", \"41\": \"831b35e8-0488-45bb-a0a9-bf7b1d3057f6\", \"42\": \"9db4a6c4-39a2-4edd-a6bc-f5f895d57ae7\", \"43\": \"f8afcbf0-2da1-482d-b1b2-9752e952195e\", \"44\": \"01e7c697-9400-4b0d-8e7b-4d9431a9ab77\", \"45\": \"310187fc-3c11-4f89-902f-5f5882b50e1d\", \"46\": \"f26b1b94-c548-4020-a335-4fa5eff3acd6\", \"47\": \"c65b86a5-a9ec-4ee7-af9c-289a6a6618b1\", \"48\": \"f95d2ff0-7289-4f09-a438-d4adb24207d9\", \"49\": \"44bb2a42-91fe-4b8e-ab65-9ede81a5eed7\", \"50\": \"861cc49f-f74b-4f7d-b469-891624cd2878\", \"51\": \"3338ef63-bd7a-456f-af9e-669a0602aa46\", \"52\": \"3a7db4f7-1307-4496-8e0f-4539f989eabf\", \"53\": \"1ed13ddc-7dfd-4099-910f-baf5c8d01104\", \"54\": \"78f6c06b-88ee-4626-af9c-f2d8c9a18f5d\", \"55\": \"11fed9af-b04c-4137-af04-a5da71ca20f0\", \"56\": \"5cdd0875-1c70-4cfd-b778-49e1e8d3b7ff\", \"57\": \"fa7ddb9d-29df-458e-a765-691614fcfe15\", \"58\": \"d1f179ed-530a-4472-b950-fc6a29461d48\", \"59\": \"40bdda32-19d1-4efc-83b7-b38a693632bf\", \"60\": \"c9468b17-e5fb-4cbf-b491-9e7ee802d8fc\", \"61\": \"a511edc1-72ad-43cb-b943-0c6be7e08962\", \"62\": \"384100e1-cefb-432d-afce-f761abfd8bc0\", \"63\": \"5e3bd6fe-dbdc-4920-bbb3-90ec62a314f4\", \"64\": \"489fca17-e1f6-45ed-ae80-b74ae00dacf3\", \"65\": \"b1b55c18-a5c9-4216-9980-45d7ef6d72f4\", \"66\": \"51f48370-2e49-45fd-92a0-d91f6d18ebcf\", \"67\": \"fdf69419-3e91-45e1-a29d-3a03d73c5dc4\", \"68\": \"5ee6657e-3819-48ff-8293-5513e581894c\", \"69\": \"df14f7bb-1e21-405f-b58b-492669026e61\", \"70\": \"a4b0a4dc-dfb3-475a-838a-da5871801c49\", \"71\": \"31e17168-3529-4831-a7c5-8b28c5c39abf\", \"72\": \"3c4e4efc-7e1a-4d22-b2f2-acd37cc96e66\", \"73\": \"31aafd5b-ad69-44e7-a363-950e756650a1\", \"74\": \"63b6950e-7d18-4a64-a437-345a6b920b9a\", \"75\": \"3ff4fa77-0f86-4788-bab1-5ad7a4b7d173\", \"76\": \"288d466c-af83-4acc-903e-019eef24acf2\", \"77\": \"0278f332-e1a0-41bb-8bfe-e7bd3f6c7e66\", \"78\": \"09412bad-dd99-41cb-b29b-aa4328cba1fa\", \"79\": \"847d15db-956d-4663-8a32-de6612185ad8\", \"80\": \"694ba5cb-08f3-4317-a750-a95906993136\", \"81\": \"4e0578cd-5109-44fd-b9a5-c5122d2929af\", \"82\": \"8f7993d0-dbac-4da7-b770-d568dc77b28a\", \"83\": \"b92d14ac-4174-43bc-ae5f-46c56bd94059\", \"84\": \"6871b853-dae6-43c3-b148-52ad1eb4ed70\", \"85\": \"4153613b-02eb-4e67-b4fd-7ed64df72f91\", \"86\": \"f2c7c76c-3312-44bd-a098-2a8e2115723a\", \"87\": \"6d8138d7-e63a-417b-9cff-0fbd089d2ccf\", \"88\": \"3cabda71-10ff-4ffd-b64f-9524b520ebf2\", \"89\": \"691ad8e8-f6ba-4e8f-befb-fc45b12e8e84\", \"90\": \"7795ba85-f577-4f8b-85b3-83d754543c49\", \"91\": \"131937e1-2aa0-4074-94d3-8ea0f16311ed\", \"92\": \"5e7ea4fa-ae4b-4894-9ab8-ffe7c56c5230\", \"93\": \"0690d31b-7c9e-46a8-9056-1554e72c7d5b\", \"94\": \"f788280f-8946-4313-bb12-5e709d6d7180\", \"95\": \"73914843-0399-41de-a9d4-cc64c384f8e5\", \"96\": \"6476d3b0-61a4-490d-a74e-1642f46a8ea7\", \"97\": \"9ee3a270-c85f-4f56-815f-44c341e1d0b1\", \"98\": \"68c0fb8b-19dd-4cca-91ef-6eab9aa0a547\", \"99\": \"59ee0e2f-8468-45c4-9137-603dfabe803e\", \"100\": \"d4ebcc63-cd3d-4483-8a10-5a9d80093319\", \"101\": \"efb84a77-2392-4e9b-b0be-b948d98b0a55\", \"102\": \"5516b864-dccb-4f55-95c3-3e0dd1ab7ecd\", \"103\": \"3e4ce396-5032-4a56-82eb-ee35c2933c52\", \"104\": \"2b7a79c8-72e9-4b86-9bff-c1ec0e9efccb\", \"105\": \"55cccef3-dcf2-447d-a682-954d57ac933c\", \"106\": \"ddc18a0b-39b3-4674-85cf-b5401359c949\", \"107\": \"ad05d954-df88-4e96-abb0-29ded9ad5fa1\", \"108\": \"ef8373be-e95f-4923-9ef0-cf7247cf59df\", \"109\": \"e863739d-b67b-4110-a78f-736dbb8fad78\", \"110\": \"3cbd181c-0871-4b88-9570-08f0d9a9892d\", \"111\": \"1ffd5a8e-85a9-422e-97d7-4e3412d52440\", \"112\": \"b0d92bbd-1450-43e3-a64d-92b981f8161b\", \"113\": \"678deb69-4bf9-48b8-9865-240c9ea1535f\", \"114\": \"7b82668c-f9d5-438f-95ed-aeedfe3da484\", \"115\": \"57c8731b-fadf-4fd8-aec2-a88d25fd402b\", \"116\": \"42f7965f-09a0-43f4-8091-53e63a823bca\", \"117\": \"27392aaa-295c-452b-b247-04453f8b7e1e\", \"118\": \"29baaa2a-8cfc-4e21-b800-94efc43ff85e\", \"119\": \"72f58a33-4182-4d79-8927-aab9a70cb3a0\", \"120\": \"6c6e8719-2417-43d5-922f-503efe5d62bb\", \"121\": \"0796a32f-5b37-49a7-a812-085f1eb8b1bf\", \"122\": \"d1ea305c-037f-474b-ac11-e5b696b6e74a\", \"123\": \"925230f3-a433-4065-baf2-1c1abdb94653\", \"124\": \"e91d9a1f-ef6d-4f9e-a75b-f13f22e3f750\", \"125\": \"53b51e91-8124-4f95-9d90-2bb9849f8e5e\", \"126\": \"d8264460-eafa-4f74-92f3-82f53890680b\", \"127\": \"9bdd535c-25d2-4716-b27b-8d43bf1884ca\", \"128\": \"7be23337-e677-4bee-a0e4-052d73cfb129\", \"129\": \"b435d7c8-2015-4e43-a23d-c30be09d76ee\", \"130\": \"1002c542-44e9-4588-9b3f-81403e962284\", \"131\": \"4d995b76-2252-4c5a-990e-ec7988ae70d6\", \"132\": \"6480468d-be37-4042-bcb6-a62e54997d70\", \"133\": \"6b4c98f7-049e-4f7a-8235-78d5897dab2e\", \"134\": \"bbcc5e48-4f6c-46bb-bad2-aff0356d59a7\", \"135\": \"76f67678-f657-40cc-8c31-caf7484948f0\", \"136\": \"c1185c93-dfd5-4b9c-9b9e-683f3a1d1b14\", \"137\": \"c9fc1e0a-c44f-4da3-b8de-c55903205d19\", \"138\": \"472daef9-0abd-4aab-9eb2-74b1946f287b\", \"139\": \"1bbdbd32-a3bc-4a1c-a0ba-71b88a7b5db1\", \"140\": \"1cc063b8-b8d4-48cf-a957-4e142fcd9b1e\", \"141\": \"095269cb-a69a-4ff4-97b5-2aa446ab8918\", \"142\": \"9529dd54-b7f2-478c-b7a5-89e71bedbe80\", \"143\": \"6cacfa5f-82cc-49c8-a5ca-4449bd5a041c\", \"144\": \"cd2970b6-7c5e-49dd-b6a8-c5cb58ddf269\", \"145\": \"1241366a-148d-47a5-80b9-6f927f7470e5\", \"146\": \"f0075a78-f202-43ca-88fc-054addf769ff\", \"147\": \"d2ea9446-b801-48c7-9a71-e5e3008a5b21\", \"148\": \"06df3794-1b84-47c6-9efe-4f538b49bb33\", \"149\": \"120cfb39-392c-49c2-8b8a-936fcb262550\", \"150\": \"40e7a7c3-d22b-4fb3-8a6b-7e787f020966\", \"151\": \"5831ad9c-4e3f-4fe7-8977-5aa73098aca4\", \"152\": \"0ff54a52-e0a7-429c-82fd-69b79b57a0c9\", \"153\": \"73083cae-c573-4589-b6aa-641c2cbbcbed\", \"154\": \"1b3fec39-bdac-4192-bdd0-8d7fdda37722\", \"155\": \"ed807593-7753-4283-bb36-e6e0362348b2\"}, \"doc_id_dict\": {}, \"embeddings_dict\": {}}"}}}
faiss_vector_storage.py ADDED
@@ -0,0 +1,95 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # SPDX-FileCopyrightText: Copyright (c) 2023 NVIDIA CORPORATION & AFFILIATES. All rights reserved.
2
+ # SPDX-License-Identifier: MIT
3
+ #
4
+ # Permission is hereby granted, free of charge, to any person obtaining a
5
+ # copy of this software and associated documentation files (the "Software"),
6
+ # to deal in the Software without restriction, including without limitation
7
+ # the rights to use, copy, modify, merge, publish, distribute, sublicense,
8
+ # and/or sell copies of the Software, and to permit persons to whom the
9
+ # Software is furnished to do so, subject to the following conditions:
10
+ #
11
+ # The above copyright notice and this permission notice shall be included in
12
+ # all copies or substantial portions of the Software.
13
+ #
14
+ # THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR
15
+ # IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,
16
+ # FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL
17
+ # THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER
18
+ # LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING
19
+ # FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER
20
+ # DEALINGS IN THE SOFTWARE.
21
+ import faiss
22
+ import os
23
+ import shutil
24
+ import gc
25
+ import torch
26
+ from llama_index.vector_stores import FaissVectorStore
27
+ from llama_index import VectorStoreIndex, SimpleDirectoryReader, Document
28
+ from llama_index import StorageContext, load_index_from_storage
29
+
30
+
31
+ class FaissEmbeddingStorage:
32
+ def __init__(self, data_dir, dimension):
33
+ self.d = dimension
34
+ self.data_dir = data_dir
35
+ self.engine = None
36
+ self.persist_dir = f"{self.data_dir}_vector_embedding"
37
+
38
+ def initialize_index(self, force_rewrite=False):
39
+ # Check if the persist directory exists and delete it if force_rewrite is true
40
+ if force_rewrite and os.path.exists(self.persist_dir):
41
+ print("Deleting existing directory for a fresh start.")
42
+ self.delete_persist_dir()
43
+
44
+ if os.path.exists(self.persist_dir) and os.listdir(self.persist_dir):
45
+ print("Using the persisted value form " + self.persist_dir)
46
+ vector_store = FaissVectorStore.from_persist_dir(self.persist_dir)
47
+ storage_context = StorageContext.from_defaults(
48
+ vector_store=vector_store, persist_dir=self.persist_dir
49
+ )
50
+ self.index = load_index_from_storage(storage_context=storage_context)
51
+ else:
52
+ print("Generating new values")
53
+ torch.cuda.empty_cache()
54
+ gc.collect()
55
+ if os.path.exists(self.data_dir) and os.listdir(self.data_dir):
56
+ file_metadata = lambda x: {"filename": x}
57
+ documents = SimpleDirectoryReader(self.data_dir, file_metadata=file_metadata,
58
+ recursive=True, required_exts= [".pdf", ".doc", ".docx", ".txt", ".xml"]).load_data()
59
+ else:
60
+ print("No files found in the directory. Initializing an empty index.")
61
+ documents = []
62
+ faiss_index = faiss.IndexFlatL2(self.d)
63
+ #faiss_index = faiss.IndexFlatIP(self.d)
64
+ vector_store = FaissVectorStore(faiss_index=faiss_index)
65
+ storage_context = StorageContext.from_defaults(vector_store=vector_store)
66
+ index = VectorStoreIndex.from_documents(documents, storage_context=storage_context ,show_progress = True)
67
+ index.storage_context.persist(persist_dir=self.persist_dir)
68
+ self.index = index
69
+ torch.cuda.empty_cache()
70
+ gc.collect()
71
+
72
+ def delete_persist_dir(self):
73
+ if os.path.exists(self.persist_dir) and os.path.isdir(self.persist_dir):
74
+ try:
75
+ shutil.rmtree(self.persist_dir)
76
+ except Exception as e:
77
+ print(f"Error occurred while deleting directory: {str(e)}")
78
+
79
+ def get_engine(self,is_chat_engine ,streaming , similarity_top_k):
80
+ if is_chat_engine == True:
81
+ self.engine = self.index.as_chat_engine(
82
+ chat_mode="condense_question",
83
+ streaming=streaming,
84
+ similarity_top_k = similarity_top_k
85
+ )
86
+ else:
87
+ query_engine = self.index.as_query_engine(
88
+ streaming=streaming,
89
+ similarity_top_k = similarity_top_k,
90
+ )
91
+ self.engine = query_engine
92
+ return self.engine
93
+
94
+ def reset_engine(self, engine):
95
+ engine.reset()
kaizen_theme/__init__.py ADDED
@@ -0,0 +1,33 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # SPDX-FileCopyrightText: Copyright (c) 2024 NVIDIA CORPORATION & AFFILIATES. All rights reserved.
2
+ # SPDX-License-Identifier: MIT
3
+ #
4
+ # Permission is hereby granted, free of charge, to any person obtaining a
5
+ # copy of this software and associated documentation files (the "Software"),
6
+ # to deal in the Software without restriction, including without limitation
7
+ # the rights to use, copy, modify, merge, publish, distribute, sublicense,
8
+ # and/or sell copies of the Software, and to permit persons to whom the
9
+ # Software is furnished to do so, subject to the following conditions:
10
+ #
11
+ # The above copyright notice and this permission notice shall be included in
12
+ # all copies or substantial portions of the Software.
13
+ #
14
+ # THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR
15
+ # IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,
16
+ # FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL
17
+ # THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER
18
+ # LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING
19
+ # FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER
20
+
21
+ import gradio as gr
22
+ from pathlib import Path
23
+
24
+ path_to_kaizen_json = Path(__file__).parent / "assets/kaizen-theme.json"
25
+ path_to_kaizen_css = Path(__file__).parent / "assets/kaizen-theme.css"
26
+
27
+
28
+ def theme():
29
+ return gr.themes.Default().load(f"{path_to_kaizen_json}")
30
+
31
+
32
+ def css():
33
+ return open(f"{path_to_kaizen_css}").read()
kaizen_theme/assets/kaizen-theme.css ADDED
@@ -0,0 +1,100 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ // SPDX-FileCopyrightText: Copyright (c) 2024 NVIDIA CORPORATION & AFFILIATES. All rights reserved.
2
+ // SPDX-License-Identifier: MIT
3
+ //
4
+ // Permission is hereby granted, free of charge, to any person obtaining a
5
+ // copy of this software and associated documentation files (the "Software"),
6
+ // to deal in the Software without restriction, including without limitation
7
+ // the rights to use, copy, modify, merge, publish, distribute, sublicense,
8
+ // and/or sell copies of the Software, and to permit persons to whom the
9
+ // Software is furnished to do so, subject to the following conditions:
10
+ //
11
+ // The above copyright notice and this permission notice shall be included in
12
+ // all copies or substantial portions of the Software.
13
+ //
14
+ // THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR
15
+ // IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,
16
+ // FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL
17
+ // THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER
18
+ // LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING
19
+ // FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER
20
+ // DEALINGS IN THE SOFTWARE.
21
+
22
+ @font-face {
23
+ font-family: 'NVIDIA Sans';
24
+ font-style: normal;
25
+ font-weight: 300;
26
+ font-display: fallback;
27
+ src: url('https://brand-assets.cne.ngc.nvidia.com/assets/fonts/nvidia-sans/1.0.0/NVIDIASans_Lt.woff2')
28
+ format('woff2');
29
+ }
30
+
31
+ @font-face {
32
+ font-family: 'NVIDIA Sans';
33
+ font-style: italic;
34
+ font-weight: 300;
35
+ font-display: fallback;
36
+ src: url('https://brand-assets.cne.ngc.nvidia.com/assets/fonts/nvidia-sans/1.0.0/NVIDIASans_LtIt.woff2')
37
+ format('woff2');
38
+ }
39
+
40
+ @font-face {
41
+ font-family: 'NVIDIA Sans';
42
+ font-style: normal;
43
+ font-weight: 400;
44
+ font-display: fallback;
45
+ src: url('https://brand-assets.cne.ngc.nvidia.com/assets/fonts/nvidia-sans/1.0.0/NVIDIASans_Rg.woff2')
46
+ format('woff2');
47
+ }
48
+
49
+ @font-face {
50
+ font-family: 'NVIDIA Sans';
51
+ font-style: italic;
52
+ font-weight: 400;
53
+ font-display: fallback;
54
+ src: url('https://brand-assets.cne.ngc.nvidia.com/assets/fonts/nvidia-sans/1.0.0/NVIDIASans_It.woff2')
55
+ format('woff2');
56
+ }
57
+
58
+ @font-face {
59
+ font-family: 'NVIDIA Sans';
60
+ font-style: normal;
61
+ font-weight: 500;
62
+ font-display: fallback;
63
+ src: url('https://brand-assets.cne.ngc.nvidia.com/assets/fonts/nvidia-sans/1.0.0/NVIDIASans_Md.woff2')
64
+ format('woff2');
65
+ }
66
+
67
+ @font-face {
68
+ font-family: 'NVIDIA Sans';
69
+ font-style: italic;
70
+ font-weight: 500;
71
+ font-display: fallback;
72
+ src: url('https://brand-assets.cne.ngc.nvidia.com/assets/fonts/nvidia-sans/1.0.0/NVIDIASans_MdIt.woff2')
73
+ format('woff2');
74
+ }
75
+
76
+ @font-face {
77
+ font-family: 'NVIDIA Sans';
78
+ font-style: normal;
79
+ font-weight: 700;
80
+ font-display: fallback;
81
+ src: url('https://brand-assets.cne.ngc.nvidia.com/assets/fonts/nvidia-sans/1.0.0/NVIDIASans_Bd.woff2')
82
+ format('woff2');
83
+ }
84
+
85
+ @font-face {
86
+ font-family: 'NVIDIA Sans';
87
+ font-style: italic;
88
+ font-weight: 700;
89
+ font-display: fallback;
90
+ src: url('https://brand-assets.cne.ngc.nvidia.com/assets/fonts/nvidia-sans/1.0.0/NVIDIASans_BdIt.woff2')
91
+ format('woff2');
92
+ }
93
+
94
+ .app.gradio-container {
95
+ padding: 32px;
96
+ }
97
+
98
+ .tabitem {
99
+ background-color: var(--block-background-fill);
100
+ }
kaizen_theme/assets/kaizen-theme.json ADDED
@@ -0,0 +1,328 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "theme": {
3
+ "_font": [
4
+ {
5
+ "__gradio_font__": true,
6
+ "name": "NVIDIA Sans",
7
+ "class": "font"
8
+ },
9
+ {
10
+ "__gradio_font__": true,
11
+ "name": "ui-sans-serif",
12
+ "class": "font"
13
+ },
14
+ {
15
+ "__gradio_font__": true,
16
+ "name": "system-ui",
17
+ "class": "font"
18
+ },
19
+ {
20
+ "__gradio_font__": true,
21
+ "name": "sans-serif",
22
+ "class": "font"
23
+ }
24
+ ],
25
+ "_font_mono": [
26
+ {
27
+ "__gradio_font__": true,
28
+ "name": "JetBrains Mono",
29
+ "class": "google"
30
+ },
31
+ {
32
+ "__gradio_font__": true,
33
+ "name": "ui-monospace",
34
+ "class": "font"
35
+ },
36
+ {
37
+ "__gradio_font__": true,
38
+ "name": "Consolas",
39
+ "class": "font"
40
+ },
41
+ {
42
+ "__gradio_font__": true,
43
+ "name": "monospace",
44
+ "class": "font"
45
+ }
46
+ ],
47
+ "_stylesheets": [
48
+ "https://fonts.googleapis.com/css2?family=JetBrains+Mono&family=Roboto:ital,wght@0,100;0,300;0,400;0,500;0,700;0,900;1,100;1,300;1,400;1,500;1,700;1,900&display=swap"
49
+ ],
50
+ "background_fill_primary": "#ffffff",
51
+ "background_fill_primary_dark": "#292929",
52
+ "background_fill_secondary": "*neutral_50",
53
+ "background_fill_secondary_dark": "*neutral_900",
54
+ "block_background_fill": "#ffffff",
55
+ "block_background_fill_dark": "#292929",
56
+ "block_border_color": "#d8d8d8",
57
+ "block_border_color_dark": "*border_color_primary",
58
+ "block_border_width": "1px",
59
+ "block_info_text_color": "*body_text_color_subdued",
60
+ "block_info_text_color_dark": "*body_text_color_subdued",
61
+ "block_info_text_size": "*text_sm",
62
+ "block_info_text_weight": "400",
63
+ "block_label_background_fill": "#e4fabe",
64
+ "block_label_background_fill_dark": "#e4fabe",
65
+ "block_label_border_color": "#e4fabe",
66
+ "block_label_border_color_dark": "#e4fabe",
67
+ "block_label_border_width": "1px",
68
+ "block_label_margin": "0",
69
+ "block_label_padding": "*spacing_sm *spacing_lg",
70
+ "block_label_radius": "calc(*radius_lg - 1px) 0 calc(*radius_lg - 1px) 0",
71
+ "block_label_right_radius": "0 calc(*radius_lg - 1px) 0 calc(*radius_lg - 1px)",
72
+ "block_label_shadow": "*block_shadow",
73
+ "block_label_text_color": "#4d6721",
74
+ "block_label_text_color_dark": "#4d6721",
75
+ "block_label_text_size": "*text_sm",
76
+ "block_label_text_weight": "400",
77
+ "block_padding": "*spacing_xl calc(*spacing_xl + 2px)",
78
+ "block_radius": "*radius_lg",
79
+ "block_shadow": "*shadow_drop",
80
+ "block_title_background_fill": "none",
81
+ "block_title_border_color": "none",
82
+ "block_title_border_width": "0px",
83
+ "block_title_padding": "0",
84
+ "block_title_radius": "none",
85
+ "block_title_text_color": "*neutral_500",
86
+ "block_title_text_color_dark": "*neutral_200",
87
+ "block_title_text_size": "*text_md",
88
+ "block_title_text_weight": "500",
89
+ "body_background_fill": "#f2f2f2",
90
+ "body_background_fill_dark": "#202020",
91
+ "body_text_color": "#202020",
92
+ "body_text_color_dark": "#f2f2f2",
93
+ "body_text_color_subdued": "*neutral_400",
94
+ "body_text_color_subdued_dark": "*neutral_400",
95
+ "body_text_size": "*text_md",
96
+ "body_text_weight": "400",
97
+ "border_color_accent": "*primary_300",
98
+ "border_color_accent_dark": "*neutral_600",
99
+ "border_color_primary": "#d8d8d8",
100
+ "border_color_primary_dark": "#343434",
101
+ "button_border_width": "1px",
102
+ "button_border_width_dark": "1px",
103
+ "button_cancel_background_fill": "#dc3528",
104
+ "button_cancel_background_fill_dark": "#dc3528",
105
+ "button_cancel_background_fill_hover": "#b6251b",
106
+ "button_cancel_background_fill_hover_dark": "#b6251b",
107
+ "button_cancel_border_color": "#dc3528",
108
+ "button_cancel_border_color_dark": "#dc3528",
109
+ "button_cancel_border_color_hover": "#b6251b",
110
+ "button_cancel_border_color_hover_dark": "#b6251b",
111
+ "button_cancel_text_color": "#ffffff",
112
+ "button_cancel_text_color_dark": "#ffffff",
113
+ "button_cancel_text_color_hover": "#ffffff",
114
+ "button_cancel_text_color_hover_dark": "#ffffff",
115
+ "button_large_padding": "*spacing_lg calc(2 * *spacing_lg)",
116
+ "button_large_radius": "*radius_lg",
117
+ "button_large_text_size": "*text_lg",
118
+ "button_large_text_weight": "500",
119
+ "button_primary_background_fill": "#76b900",
120
+ "button_primary_background_fill_dark": "#76b900",
121
+ "button_primary_background_fill_hover": "#659f00",
122
+ "button_primary_background_fill_hover_dark": "#659f00",
123
+ "button_primary_border_color": "#76b900",
124
+ "button_primary_border_color_dark": "#76b900",
125
+ "button_primary_border_color_hover": "#659f00",
126
+ "button_primary_border_color_hover_dark": "#659f00",
127
+ "button_primary_text_color": "#202020",
128
+ "button_primary_text_color_dark": "#202020",
129
+ "button_primary_text_color_hover": "#202020",
130
+ "button_primary_text_color_hover_dark": "#202020",
131
+ "button_secondary_background_fill": "#ffffff",
132
+ "button_secondary_background_fill_dark": "#292929",
133
+ "button_secondary_background_fill_hover": "#e2e2e2",
134
+ "button_secondary_background_fill_hover_dark": "#202020",
135
+ "button_secondary_border_color": "#5e5e5e",
136
+ "button_secondary_border_color_dark": "#c6c6c6",
137
+ "button_secondary_border_color_hover": "#5e5e5e",
138
+ "button_secondary_border_color_hover_dark": "#c6c6c6",
139
+ "button_secondary_text_color": "#5e5e5e",
140
+ "button_secondary_text_color_dark": "#e2e2e2",
141
+ "button_secondary_text_color_hover": "#343434",
142
+ "button_secondary_text_color_hover_dark": "#ffffff",
143
+ "button_shadow": "*shadow_drop",
144
+ "button_shadow_active": "*shadow_inset",
145
+ "button_shadow_hover": "*shadow_drop_lg",
146
+ "button_small_padding": "*spacing_sm calc(2 * *spacing_sm)",
147
+ "button_small_radius": "*radius_lg",
148
+ "button_small_text_size": "*text_md",
149
+ "button_small_text_weight": "400",
150
+ "button_transition": "none",
151
+ "chatbot_code_background_color": "*neutral_100",
152
+ "chatbot_code_background_color_dark": "*neutral_800",
153
+ "checkbox_background_color": "*background_fill_primary",
154
+ "checkbox_background_color_dark": "*neutral_800",
155
+ "checkbox_background_color_focus": "*checkbox_background_color",
156
+ "checkbox_background_color_focus_dark": "*checkbox_background_color",
157
+ "checkbox_background_color_hover": "*checkbox_background_color",
158
+ "checkbox_background_color_hover_dark": "*checkbox_background_color",
159
+ "checkbox_background_color_selected": "#659f00",
160
+ "checkbox_background_color_selected_dark": "#659f00",
161
+ "checkbox_border_color": "*neutral_300",
162
+ "checkbox_border_color_dark": "*neutral_700",
163
+ "checkbox_border_color_focus": "*secondary_500",
164
+ "checkbox_border_color_focus_dark": "*secondary_500",
165
+ "checkbox_border_color_hover": "*neutral_300",
166
+ "checkbox_border_color_hover_dark": "*neutral_600",
167
+ "checkbox_border_color_selected": "#659f00",
168
+ "checkbox_border_color_selected_dark": "#659f00",
169
+ "checkbox_border_radius": "*radius_sm",
170
+ "checkbox_border_width": "2px",
171
+ "checkbox_border_width_dark": "*input_border_width",
172
+ "checkbox_check": "url(\"data:image/svg+xml,%3csvg viewBox='0 0 16 16' fill='white' xmlns='http://www.w3.org/2000/svg'%3e%3cpath d='M12.207 4.793a1 1 0 010 1.414l-5 5a1 1 0 01-1.414 0l-2-2a1 1 0 011.414-1.414L6.5 9.086l4.293-4.293a1 1 0 011.414 0z'/%3e%3c/svg%3e\")",
173
+ "checkbox_label_background_fill": "#ffffff",
174
+ "checkbox_label_background_fill_dark": "#292929",
175
+ "checkbox_label_background_fill_hover": "#ffffff",
176
+ "checkbox_label_background_fill_hover_dark": "#292929",
177
+ "checkbox_label_background_fill_selected": "*checkbox_label_background_fill",
178
+ "checkbox_label_background_fill_selected_dark": "*checkbox_label_background_fill",
179
+ "checkbox_label_border_color": "#ffffff",
180
+ "checkbox_label_border_color_dark": "#292929",
181
+ "checkbox_label_border_color_hover": "*checkbox_label_border_color",
182
+ "checkbox_label_border_color_hover_dark": "*checkbox_label_border_color",
183
+ "checkbox_label_border_width": "0",
184
+ "checkbox_label_border_width_dark": "*input_border_width",
185
+ "checkbox_label_gap": "16px",
186
+ "checkbox_label_padding": "",
187
+ "checkbox_label_shadow": "none",
188
+ "checkbox_label_text_color": "*body_text_color",
189
+ "checkbox_label_text_color_dark": "*body_text_color",
190
+ "checkbox_label_text_color_selected": "*checkbox_label_text_color",
191
+ "checkbox_label_text_color_selected_dark": "*checkbox_label_text_color",
192
+ "checkbox_label_text_size": "*text_md",
193
+ "checkbox_label_text_weight": "400",
194
+ "checkbox_shadow": "*input_shadow",
195
+ "color_accent": "*primary_500",
196
+ "color_accent_soft": "*primary_50",
197
+ "color_accent_soft_dark": "*neutral_700",
198
+ "container_radius": "*radius_lg",
199
+ "embed_radius": "*radius_lg",
200
+ "error_background_fill": "#fef2f2",
201
+ "error_background_fill_dark": "*neutral_900",
202
+ "error_border_color": "#fee2e2",
203
+ "error_border_color_dark": "#ef4444",
204
+ "error_border_width": "1px",
205
+ "error_icon_color": "#b91c1c",
206
+ "error_icon_color_dark": "#ef4444",
207
+ "error_text_color": "#b91c1c",
208
+ "error_text_color_dark": "#fef2f2",
209
+ "font": "'NVIDIA Sans', 'ui-sans-serif', 'system-ui', sans-serif",
210
+ "font_mono": "'JetBrains Mono', 'ui-monospace', 'Consolas', monospace",
211
+ "form_gap_width": "1px",
212
+ "input_background_fill": "white",
213
+ "input_background_fill_dark": "*neutral_800",
214
+ "input_background_fill_focus": "*secondary_500",
215
+ "input_background_fill_focus_dark": "*secondary_600",
216
+ "input_background_fill_hover": "*input_background_fill",
217
+ "input_background_fill_hover_dark": "*input_background_fill",
218
+ "input_border_color": "#d8d8d8",
219
+ "input_border_color_dark": "#343434",
220
+ "input_border_color_focus": "*secondary_300",
221
+ "input_border_color_focus_dark": "*neutral_700",
222
+ "input_border_color_hover": "*input_border_color",
223
+ "input_border_color_hover_dark": "*input_border_color",
224
+ "input_border_width": "2px",
225
+ "input_padding": "*spacing_xl",
226
+ "input_placeholder_color": "*neutral_400",
227
+ "input_placeholder_color_dark": "*neutral_500",
228
+ "input_radius": "*radius_lg",
229
+ "input_shadow": "0 0 0 *shadow_spread transparent, *shadow_inset",
230
+ "input_shadow_focus": "0 0 0 *shadow_spread *secondary_50, *shadow_inset",
231
+ "input_shadow_focus_dark": "0 0 0 *shadow_spread *neutral_700, *shadow_inset",
232
+ "input_text_size": "*text_md",
233
+ "input_text_weight": "400",
234
+ "layout_gap": "*spacing_xxl",
235
+ "link_text_color": "*secondary_600",
236
+ "link_text_color_active": "*secondary_600",
237
+ "link_text_color_active_dark": "*secondary_500",
238
+ "link_text_color_dark": "*secondary_500",
239
+ "link_text_color_hover": "*secondary_700",
240
+ "link_text_color_hover_dark": "*secondary_400",
241
+ "link_text_color_visited": "*secondary_500",
242
+ "link_text_color_visited_dark": "*secondary_600",
243
+ "loader_color": "*color_accent",
244
+ "name": "default",
245
+ "neutral_100": "#e2e2e2",
246
+ "neutral_200": "#d8d8d8",
247
+ "neutral_300": "#c6c6c6",
248
+ "neutral_400": "#8f8f8f",
249
+ "neutral_50": "#f2f2f2",
250
+ "neutral_500": "#767676",
251
+ "neutral_600": "#5e5e5e",
252
+ "neutral_700": "#343434",
253
+ "neutral_800": "#292929",
254
+ "neutral_900": "#202020",
255
+ "neutral_950": "#121212",
256
+ "panel_background_fill": "*background_fill_secondary",
257
+ "panel_background_fill_dark": "*background_fill_secondary",
258
+ "panel_border_color": "*border_color_primary",
259
+ "panel_border_color_dark": "*border_color_primary",
260
+ "panel_border_width": "0",
261
+ "primary_100": "#caf087",
262
+ "primary_200": "#b6e95d",
263
+ "primary_300": "#9fd73d",
264
+ "primary_400": "#76b900",
265
+ "primary_50": "#e4fabe",
266
+ "primary_500": "#659f00",
267
+ "primary_600": "#538300",
268
+ "primary_700": "#4d6721",
269
+ "primary_800": "#253a00",
270
+ "primary_900": "#1d2e00",
271
+ "primary_950": "#172400",
272
+ "prose_header_text_weight": "600",
273
+ "prose_text_size": "*text_md",
274
+ "prose_text_weight": "400",
275
+ "radio_circle": "url(\"data:image/svg+xml,%3csvg viewBox='0 0 16 16' fill='white' xmlns='http://www.w3.org/2000/svg'%3e%3ccircle cx='8' cy='8' r='3'/%3e%3c/svg%3e\")",
276
+ "radius_lg": "0px",
277
+ "radius_md": "0px",
278
+ "radius_sm": "0px",
279
+ "radius_xl": "0px",
280
+ "radius_xs": "0px",
281
+ "radius_xxl": "0px",
282
+ "radius_xxs": "0px",
283
+ "secondary_100": "#cde6fa",
284
+ "secondary_200": "#badef8",
285
+ "secondary_300": "#9accf2",
286
+ "secondary_400": "#3a96d9",
287
+ "secondary_50": "#e9f4fb",
288
+ "secondary_500": "#2378ca",
289
+ "secondary_600": "#2a63ba",
290
+ "secondary_700": "#013076",
291
+ "secondary_800": "#00265e",
292
+ "secondary_900": "#001e4b",
293
+ "secondary_950": "#00112c",
294
+ "section_header_text_size": "*text_md",
295
+ "section_header_text_weight": "500",
296
+ "shadow_drop": "none",
297
+ "shadow_drop_lg": "0 1px 3px 0 rgb(0 0 0 / 0.1), 0 1px 2px -1px rgb(0 0 0 / 0.1)",
298
+ "shadow_inset": "rgba(0,0,0,0.05) 0px 2px 4px 0px inset",
299
+ "shadow_spread": "3px",
300
+ "shadow_spread_dark": "1px",
301
+ "slider_color": "#9fd73d",
302
+ "spacing_lg": "8px",
303
+ "spacing_md": "6px",
304
+ "spacing_sm": "4px",
305
+ "spacing_xl": "10px",
306
+ "spacing_xs": "2px",
307
+ "spacing_xxl": "16px",
308
+ "spacing_xxs": "1px",
309
+ "stat_background_fill": "linear-gradient(to right, *primary_400, *primary_200)",
310
+ "stat_background_fill_dark": "linear-gradient(to right, *primary_400, *primary_600)",
311
+ "table_border_color": "*neutral_300",
312
+ "table_border_color_dark": "*neutral_700",
313
+ "table_even_background_fill": "white",
314
+ "table_even_background_fill_dark": "*neutral_950",
315
+ "table_odd_background_fill": "*neutral_50",
316
+ "table_odd_background_fill_dark": "*neutral_900",
317
+ "table_radius": "*radius_lg",
318
+ "table_row_focus": "*color_accent_soft",
319
+ "table_row_focus_dark": "*color_accent_soft",
320
+ "text_lg": "16px",
321
+ "text_md": "14px",
322
+ "text_sm": "12px",
323
+ "text_xl": "22px",
324
+ "text_xs": "10px",
325
+ "text_xxl": "26px",
326
+ "text_xxs": "9px"
327
+ }
328
+ }