Kategórie
Success-Stories General

Semi-Supervised Learning in Aerial Imagery: Implementing Uni-Match with Frame Field learning for Building Extraction

Semi-Supervised Learning in Aerial Imagery: Implementing Uni-Match with Frame Field learning for Building Extraction

Building extraction in GIS (geographic information system) is pivotal for urban planning, environmental studies, and infrastructure management, allowing for accurate mapping of structures, including the detection of illegal constructions for regulatory compliance. Integrating extracted building data with other geospatial layers enhances the understanding of urban dynamics and spatial relationships. Given the scale and complexity of these tasks, there is a growing need to automate building extraction using deep learning techniques, which offer improved accuracy and efficiency in handling large-scale geospatial data.

illustrative image

State-of-the-art image segmentation models primarily output in raster format, whereas GIS applications often require vector polygons. One such method to meet this requirement is Frame Field learning, which addresses the gap between raster format outputs of image segmentation models and the vector format needed in GIS. This approach significantly enhances the accuracy of building vectorization by aligning with ground truth contours and provide topologically clean vector objects.

These models are trained using a 'supervised learning' method, necessitating a large amount of labeled examples for training. However, obtaining such a significant volume of data can be extremely challenging and expensive. A potential solution to this problem is 'semi-supervised learning,' a method that reduces reliance on labeled data. In semi-supervised learning, the model is trained with a mix of a small set of labeled data and a larger set of unlabeled data. Hence, the goal of this collaboration between the Slovak National Competence Center for High-Performance Computing and Geodeticca Vision s.r.o. was to identify, implement, and evaluate an appropriate semi-supervised method for Frame Field learning.

The aim of this cooperation between the National Competence Center for HPC and Geodeticca Vision s.r.o. was to identify, implement and evaluate a suitable partial tutor learning method for Frame Field learning.

Methods
Frame Field learning

The key idea of the frame field learning [1] is to help the polygonization method in solving ambiguous cases caused by discrete probability maps (output from image segmentation models). This is accomplished by introducing an additional output to the neural network of image segmentation, namely a frame field (see. Fig. 1), which represents the structural features and geometrical characteristics of the building.

Frame fields

Frame field is a 4-PolyVector field that assigns four vectors to each point on a plane. Specifically, the first two vectors are constrained to be opposite to the other two, meaning each point is assigned a set of vectors {u, −u, v, −v}. This approach is particularly necessary for buildings, as they are regular structures with sharp corners, and capturing directionality at these sharp corners requires two directions.


Figure 1: Visualization of the frame field output on the image from training set [1].

Frame Field learning

Figure 2: Diagram of the frame field learning [1]

The learning process of frame fields can be summarized as follows:

  1. The network's input is a 3×H×W RGB image.
  2. To generate a feature map, any deep segmentation model could be used, such as U-Net, which is then processed to output detailed segmentation maps.
  3. The training is supervised with ground truth rasterized polygons for interiors and edges, utilizing a mix of cross-entropy and Dice loss for accurate segmentation.
  4. To train the frame field, three losses are used:
    1. Lalign enforces alignment of the frame field to the tangent direction.
    1. Lalign90 prevents the frame field from collapsing to a line field.
    1. Lsmooth measures the smoothness of the frame field.
  5. Additional losses, regularization losses, are introduced to maintain output consistency, aligning the spatial gradients of the predicted maps with the frame field.

Vectorization

Figure 3: Visualization of the vectorization process [1]

The vectorization process transforms classified raster images into vector polygons using a polygonization method using the Active Skeleton Model (ASM). The principle of this algorithm is the iterative shifting of the vertices of the skeleton graph to their ideal positions. This method optimizes a skeleton graph - a network of pixels outlining the building's structure - created by a thinning method applied on a building wall probability map. The iterative shifting is controlled by a gradient optimization method aimed at minimizing an energy function, which includes specific components related to the structure and geometry being analyzed:

  1. Eprobability – fits the skeleton paths to the contour of the building interior probability map at a certain probability threshold, e.g. 0.5
  2. Eframe field align aligns each edge of the skeleton graph to the frame field.
  3. Elength ensures that the node distribution along paths remains homogeneous as well as tight.

UniMatch semi-supervised learning

UniMatch [2], an advanced semi-supervised learning method in the consistency regularization category, builds upon the foundational principles established by FixMatch [3], a baseline method in this domain. primarily operates on the principle of pseudo-labeling combined with consistency regularization.

The basic principle of the FixMatch method involves generating pseudo-labels for unlabeled data from the predictions of a neural network. Specifically, for a weakly perturbed unlabeled input xw , a prediction pwpw is generated, which serves as a pseudo-label for the prediction of xwith, a strongly perturbed input. Subsequently, the loss function value, for example, cross-entropypw,  pwithis calculated, considering only areas from pwpw with a probability value greater than a certain threshold, e.g., >0.95. 

UniMatch builds upon and extends the FixMatch methodology, introducing two core enhancements:

  1. UniPerb (Unified Perturbations for Images and Features) - This involves applying perturbations at the feature level. Practically, this means applying a dropout function to the output (i.e., the feature) from the encoder layer of the neural network, randomly ignore features, which then proceed to the decoder part of the network, generating pfp.
  2. Instead of using one strong perturbation, two perturbations are utilized. xs1 and xs2.
Figure 4: (a) The FixMatch baseline (b) used UniMatch method. The FP denotes feature pertubation, w and s means weak and strong pertubation, respectively [2].

Ultimately, there are three error functions: crossentropy(pw,  pfp), cross-entropy(pw,  ps1), cross-entropy(pw,  ps2These are then linearly combined with the supervised error function.

Táto metóda v súčasnosti patrí medzi state-of-the-art metódy učenia s čiastočným učiteľom. Hlavnou výhodou tejto metódy je jej jednoduchosť pri implementácií a nevýhodou je jej citlivosť na výber vhodnej slabej a silnej perturbácie.

Integrating UniMatch Semi-Supervised Learning with Frame Field Learning

Implementation Strategy for UniMatch in Frame Field Learning

To integrate UniMatch into our Frame Field learning framework, we first differentiated between weak and strong perturbations. For weak perturbations, we chose basic spatial transformations such as rotation, mirroring, and vertical/horizontal flips. These are well-suited for aerial imagery and straightforward to implement.

For strong perturbations, we opted for photometric transformations. These include adjustments in hue, color, and brightness, providing a more significant alteration to the images compared to spatial transformations. 

Incorporating feature perturbation loss was a crucial step. We implemented this by introducing a dropout mechanism between the encoder and decoder parts of the network. This dropout selectively omits features at the feature level, which is essential for the UniMatch approach.

Regarding the dual-stream perturbations of UniMatch, we adapted our model to handle two types of strong perturbations. The dual-stream approach involves using the weak perturbation prediction as a pseudo-label and training the model using the strong perturbation predictions as loss functions. We have two strong perturbations, hence the term 'dual-stream'. Each of these perturbations contributes to the overall robustness and effectiveness of the model in semi-supervised learning scenarios, especially in the context of building extraction from complex aerial imagery.

Prostredníctvom týchto úprav bola UniMatch metóda úspešne integrovaná do Frame Field learning algoritmu, čím sa zvýšila jeho schopnosť efektívne spracúvať a učiť sa z anotovaných a hlavne neanotovaných dát.

Experiments
Dataset
Labeled Data

Our labeled data comes from three different sources, which we'll detail in the accompanying Table 1.

Table 1: Overview of 3 data sources of labeled data used for training the models with details.

Unlabeled Data

For the unlabeled dataset, we selected high-quality aerial images from Geodetický a kartografický ústav (GKÚ) [6], available for free public use. We specifically targeted a diverse area of 7000 km2ensuring a wide representation of various landscapes and urban settings.

Data Processing: Patching

We processed both labeled and unlabeled images into patches of size 320x320 px. This patch size is specifically chosen to match the input requirements of our neural network. From the labeled data, this process resulted in approximately 55,000 patches. Similarly, from the unlabeled dataset, we obtained around 244,000 patches.

Training setup
Model Architecture

We designed our model using a U-Net architecture with an EfficientNet-B4 backbone. This combination provides a good balance of accuracy and efficiency, crucial for handling the complexity of our segmentation tasks. The EfficientNet-B4 backbone was specifically chosen for its optimal balance between memory usage and performance. In Frame Field learning, U-Net architecture has been shown to be highly effective, as evidenced by its strong performance in prior studies.

Training Process

For training, we used the AdamW optimizer, which combines the advantages of Adam optimization with weight decay, aiding in better model generalization. To prevent overfitting, we implemented L2 regularization. Additionally, we used the ReduceLROnPlateau learning rate scheduler. This scheduler adjusts the learning rate based on validation loss, ensuring efficient training progress.

Semi-Supervised Learning Adjustments

A key aspect of our training was adjusting the ratio of unlabeled to labeled patches. We experimented with ratios ranging from 1:1 to 1:5 (labeled:unlabeled). This variability allowed us to explore the impact of different amounts of unlabeled data on the learning process. It enabled us to identify the optimal balance for training our model, ensuring effective learning while leveraging the advantages of semi-supervised learning in handling large and diverse datasets.

Model evaluation

In our evaluation of the building footprint extraction model, we chose metrics that precisely measure how well our predictions align with real-world structures.

Intersection over Union (IoU)

Kľúčovou metrikou, ktorú sme využívali je metrika s názvom Intersection over Union (IoU). Počíta zhodu medzi predikciami modelu a skutočným tvarom budov. Hodnota skóre IoU blízka 1 znamená, že naše predikcie sú podobné skutočným budovám. Táto metrika je nevyhnutná na posúdenie geometrickej presnosti pre segmentované oblasti, pretože odráža presnosť vytýčenia hraníc budov. Okrem toho, vyhodnotením pomeru správne predikovanej oblasti ku kombinovanej oblasti (zjednotenie oblasti predikcie a skutočnej oblasti), nám IoU poskytuje jasnú mieru efektivity modelu v zachytávaní skutočného kontextu a tvaru budov v komplexnej mestskej krajine.

Precision, Recall and F1

Precision measures the accuracy of the model's building predictions, indicating the proportion of correctly identified buildings out of all identified buildings, thereby reflecting the model's specificity. Recall assesses the model's ability to capture all actual buildings, with a high recall score highlighting its sensitivity in detecting buildings. The F1 Score combines precision and recall into a single metric, offering a balanced view of the model's performance by ensuring that high scores result from both high precision and high recall.

Complexity Aware IoU (cIoU)

We also utilized Complexity Aware IoU (cIoU) [7]. This metric addresses a shortfall in IoU by balancing segmentation accuracy and the complexity of the polygon shapes. While IoU alone can lead models to create overly complex polygons, cIoU ensures that the complexity of the polygons (number of vertices) is kept realistic, reflecting the typically less complex structure of real buildings.

N Ratio Metric

The N ratio metric was an additional component of our evaluation strategy. It contrasts the number of vertices in our predicted shapes with those in the actual buildings [7]. This helps in understanding whether our model accurately replicates the detailed structure of the buildings.

Max Tangent Angle Error

To ensure clean geometry in building extraction tasks, accurately measuring contour regularity is essential. The Max Tangent Angle Error (MTAE) [1] metric is designed to address this need by supplementing the Intersection over Union (IoU) metric. It specifically targets the limitation of IoU, where segmentations with rounded corners may receive higher scores than those with more precise, sharp corners. By evaluating the alignment of edges through the comparison of tangent angles at sampled points along predicted and ground truth contours, MTAE effectively penalizes inaccuracies in edge orientation. This focus on edge precision is critical for producing clean vector representations of buildings, emphasizing the importance of accurate edge delineation in segmentation tasks.

Evaluation Process

Natrénované modely boli testované na veľkej dátovej množne leteckých snímok v plnej veľkosti (namiesto malých častí, pomocou ktorých bola sieť trénovaná). Takéto testovanie poskytuje presnejšie zobrazenie reálnych použití takýchto modelov. Na extrakciu budov zo snímok v plnej veľkosti sme použili techniku posuvného okna, čím boli vytvorené predikcie po jednotlivých segmentoch obrázku. Na okraje prekrývajúcich sa segmentov bola použitá pokročilá priemerovacia technika, dôležitá pre minimalizáciu nežiadúcich efektov a zachovanie konzistentnosti v rámci predikčnej mapy. Výstupná predikčná mapa v plnej veľkosti bola následne vektorizovaná do presných vektorových polygónov s použitím algoritmu Active Skeleton Model (ASM).

Results

Tabuľka 2: Výsledky trénovania modelov pre základný prístup (učenie s učiteľom) a prístupy učenia s čiastočným učiteľom s rôznymi podielmi použitých anotovaných a neanotovaných obrázkov.

The results from our experiments, reflecting performance of segmentation model trained under different conditions, reveal significant insights (see Table 2). We evaluated the model's performance in a baseline scenario without semi-supervised learning and in scenarios where semi-supervised learning was applied with varying ratios of labeled to unlabeled data (1:1, 1:3, and 1:5).

  1. IoU: Starting from the baseline IoU of 80.50%, we observed a steady increase in this metric as we introduced more unlabeled data into the training process, reaching up to 85.77% with a 1:5 labeled to unlabeled ratio
  2. 2. Precision, Recall, and F1 Score: The precision of the model, which measures how accurate the predictions are, improved from 85.75% in the baseline to 90.04% in the 1:5 ratio setup. Similarly, recall, which indicates how well the model can find all relevant instances, slightly increased from 94.27% to 94.76%. The F1 Score, which balances precision and recall, also saw an improvement from 89.81% to 92.34%. These improvements suggest that the model became more accurate and reliable in its predictions when semi-supervised learning was used.
  3. N Ratio a cIoU: The results show a notable decrease in the N Ratio from 2.33 in the baseline to 1.65 in the semi-supervised 1:5 ratio setup, indicating that the semi-supervised model generates simpler, yet accurate, vector shapes that more closely resemble the actual structures. This simplification likely contributes to the enhanced usability of the output in practical GIS applications. Concurrently, the complexity-aware IoU (cIoU) significantly improved from 48.89% in the baseline to 64.75% in the 1:5 ratio, suggesting that the semi-supervised learning approach not only improves the overlap between the predicted and actual building footprints but also produces simpler vector shapes, which are closer to real-world buildings in terms of geometry.
  4. Mean Max Tangent Angle Error MTAE: The Mean MTAE's reduction from 18.60° in the baseline to 17.45° in the 1:5 semi-supervised setting signifies an improvement in the geometric precision of the model's predictions. This suggests that the semi-supervised learning model is better at capturing the architectural features of buildings with more accurately defined angles, contributing to the production of topologically simpler and cleaner vector polygons.

Training on High-Performance Computing (HPC) Machine

HPC Configuration

Our training was conducted on a High-Performance Computing (HPC) machine equipped with substantial computational resources. The HPC had 8 nodes, each outfitted with 4 NVIDIA A100 GPUs with 40GB of VRAM, 64 CPU cores, and 256GB of RAM. For task scheduling, the system utilized Slurm.

PyTorch Lightning Framework

We employed the PyTorch Lightning framework, which offers user-friendly multi-GPU settings. This framework allows the specification of the number of GPUs per node, the total number of nodes, various distributed strategies, and the option for mixed-precision training.

Experiences with Slurm and PyTorch Lightning

When training on a single GPU, our Slurm configuration was as follows:
#SBATCH –partition=ngpu
#SBATCH –gres=gpu:1
#SBATCH –cpus-per-task=16
#SBATCH –mem=64000

In PyTorch Lightning, we set the trainer as: Trainer:

trainer = Trainer(accelerator=”gpu”, devices=1)

Since, here, we allocated one GPU from four available in one node, we allocated 16 CPUs from 64 available. Therefore, for the data loaders, we assigned 16 workers. Since semi-supervised learning uses two data loaders (one for labeled and one for unlabeled data), we allocated 8 workers to each. It was critical to ensure that the total number of cores for the data loaders did not exceed the available CPUs to prevent training crashes.

Distributed Data Parallel (DDP) Strategy

Using PyTorch Lightning's Distributed Data Parallel (DDP) option, we ensured each GPU across the nodes operated independently:

  • Each GPU processed a portion of the dataset.
  • All processes initiated the model independently.
  • Each conducted forward and backward passes in parallel.
  • Gradients were synchronized and averaged across processes.
  • Each process updated its optimizer individually.

With this approach, the total number of data loaders equaled the number of GPUs multiplied by the number of data loaders. For example, in a semi-supervised learning setup with 4 GPUs and two types of data loaders (labeled and unlabeled), we ended up with 8 data loaders, each with 8 workers – 64 workers in total.

To fully utilized one node with four GPU, we used following configurations:

#SBATCH –partition=ngpu

#SBATCH –gres=gpu:4

#SBATCH –exclusive

#SBATCH –cpus-per-task=64

#SBATCH –mem=256000

In PyTorch Lightning, we set the trainer as:

PyTorch Lightning Trainer, nastavíme nasledovne:

trainer = Trainer(accelerator=”gpu”, devices=4, strategy=”ddp”)

Utilizing Multiple Nodes

Using PyTorch Lighting, it is possible to leverage multiple nodes on HPC. For instance, using 4 nodes with 4 GPUs each (16 GPUs in total) was configured as:

trainer = Trainer(accelerator=”gpu”, devices=4, strategy=”ddp”, num_nodes=4)

Correspondingly, the Slurm configuration was set to:

#SBATCH –nodes=4

#SBATCH –ntasks-per-node=4

#SBATCH –gres=gpu:4

These settings and experiences highlight the scalability and flexibility of training complex machine learning models on an HPC environment, especially for tasks demanding significant computational resources like semi-supervised learning in geospatial data analysis.

Training Scalability Analysis

Tabuľka 3: Výsledky trénovania prístupov učenia s učiteľom a učenia s čiastočným učiteľom s 1, 2, 4 a 8 GPU. Pre každú konfiguráciu je uvedený čas na jednu epochu a pomer urýchlenia proti 1 GPU.

In the Training Scalability Analysis, we carefully examined the impact of expanding computational resources on the efficiency of training models, utilizing the PyTorch Lightning framework.
This investigation covered both supervised and semi-supervised learning approaches, with a particular emphasis on the effects of increasing GPU numbers, including setups involving 2 nodes (or 8 GPUs).

Figure 5: This graph compares the actual speedup ratios for supervised and semi-supervised learning against the number of GPUs, alongside the ideal linear speedup ratio. It showcases the closer alignment of semi-supervised learning with ideal scalability, emphasizing its greater efficiency gains from increased computational resources.

A key finding from this analysis was that the increase in speedup ratios for supervised learning did not perfectly align with the number of GPUs utilized. Ideally, doubling the number of GPUs would directly double the speedup ratio (e.g., using 4 GPUs would result in a 4x speedup). However, the actual speedup ratios were lower than this ideal expectation. This discrepancy can be attributed to the overhead associated with managing multiple GPUs and nodes, particularly the need to synchronize data across all GPUs, which introduces efficiency losses.

Učenie s čiastočným učiteľom ukázalo mierne iný trend, viac približujúci sa ideálnemu (lineárnemu) nárastu urýchlenia. Zdá sa, že komplexnosť a vyššie výpočtové nároky učenia s čiastočným učiteľom zmierňujú dopad overhead nákladov a tým umožňujú efektívnejšie využívanie viacerých GPU. Napriek výzvam spojeným so synchronizáciou dát cez viacero GPU kariet a výpočtových uzlov, vyššie výpočtové nároky učenia s čiastočným učiteľom umožňujú efektívnejšie škálovanie zdrojov, t.j. urýchlenie bližšie ideálnemu scenáru.

Conclusion

The research presented in this whitepaper has successfully demonstrated the effectiveness of integrating UniMatch semi-supervised learning with Frame Field learning for the task of building extraction from aerial imagery. This integration addresses the challenges associated with the scarcity of labeled data in deep learning applications for geographic information systems (GIS), providing a cost-effective and scalable solution.

Our findings reveal that employing semi-supervised learning significantly enhances the model's performance across several key metrics, including Intersection over Union (IoU), precision, recall, F1 Score, N Ratio, complexity-aware IoU (cIoU), and Mean Max Tangent Angle Error (MTAE). Notably, the improvements in IoU and cIoU metrics underscore the model's increased accuracy in delineating building footprints and generating vector shapes that closely resemble actual structures. This outcome is pivotal for applications in urban planning, environmental studies, and infrastructure management, where precise mapping and analysis of building data are crucial.

The methodology adopted, which combines Frame Field learning with the innovative UniMatch approach, has proven to be highly effective in leveraging both labeled and unlabeled data. This strategy not only improves the geometric precision of the model's predictions but also ensures the generation of cleaner, topologically accurate vector polygons. Furthermore, the scalability and efficiency of training on a High-Performance Computing (HPC) machine using the PyTorch Lightning framework and Distributed Data Parallel (DDP) strategy have been instrumental in handling the extensive computational demands of the semi-supervised learning process on the data at hand, within a time frame ranging from tens of minutes to hours.

Práca zdôrazňuje potenciál učenia s čiastočným učiteľom v zlepšovaní automatickej extrakcie budov z leteckých snímok. Implementácia UniMatch do Frame Field learning metódy predstavuje významný krok vpred, poskytujúc robustné riešenie pre výzvy spojené s nedostatkom dát a potreby vysokej presnosti geopriestorovej dátovej analýzy. Tento prístup zlepšuje efektívnosť a presnosť extrakcie budov, a taktiež otvára nové možnosti pre aplikácie metód učenia s čiastočným učiteľom v GIS a príbuzných oblastiach.

Acknowledgment

Research results were obtained with the support of the Slovak National competence centre for HPC, the EuroCC 2 project and Slovak National Supercomputing Centre under grant agreement 101101903-EuroCC 2-DIGITAL-EUROHPC-JU-2022-NCC-01.

Computational resources were procured in the national project National competence centre for high performance computing (project code: 311070AKF2) funded by European Regional Development Fund, EU Structural Funds Informatization of society, Operational Program Integrated Infrastructure.

Authors

Patrik Sabol – Geodeticca Vision s.r.o., Floriánska 19, 044 01 Košice, Slovakia

 Bibiána Lajčinová – National Supercomputing Center, Dúbravská cesta 3484/9, 84104 Bratislava-Karlová Ves, Slovakia

Full version of the article SK

Full version of the article EN

References:

[1] Nicolas Girard, Dmitriy Smirnov, Justin Solomon, and Yuliya Tarabalka. “Polygonal Building Extraction by Frame Field Learning”. In: Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR) (June 2021), pp. 5891-5900.

[2] L. Yang, L. Qi, L. Feng, W. Zhang, and Y. Shi. “Revisiting Weak-to-Strong Consistency in Semi-Supervised Semantic Segmentation”. In: 2023 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR) (June 2023), pp. 7236-7246. doi: 10.1109/CVPR52729.2023.00699.

[3] Kihyuk Sohn, David Berthelot, Chun-Liang Li, Zizhao Zhang, Nicholas Carlini, Ekin D. Cubuk, Alex Kurakin, Han Zhang, and Colin Raffel. “FixMatch: Simplifying Semi-Supervised Learning with Consistency and Confidence”. In: CoRR, vol. abs/2001.07685 (2020). Available: https://arxiv.org/abs/2001.07685.

[4] Emmanuel Maggiori, Yuliya Tarabalka, Guillaume Charpiat, and Pierre Alliez. “Can Semantic Labeling Methods Generalize to Any City? The Inria Aerial Image Labeling Benchmark”. In: IEEE International Geoscience and Remote Sensing Symposium (IGARSS) (2017). IEEE.

[5] Adrian Boguszewski, Dominik Batorski, Natalia Ziemba-Jankowska, Tomasz Dziedzic, and Anna Zambrzycka. “LandCover.ai: Dataset for Automatic Mapping of Buildings, Woodlands, Water and Roads from Aerial Imagery”. In: Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR) Workshops (June 2021), pp. 1102-1110.

[6] “Ortofotomozaika.” Geoportal SK. Accessed February 14, 2024. https://www.geoportal.sk/sk/zbgis/ortofotomozaika/.

[7] Stefano Zorzi, Shabab Bazrafkan, Stefan Habenschuss, and Friedrich Fraundorfer. “PolyWorld: Polygonal Building Extraction with Graph Neural Networks in Satellite Images”. In: Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (2022), pp. 1848-1857.

 

 



Devana: Výzva na podávanie projektov pre štandardný prístup k HPC 1/25 19 Jan - Výzva na podávanie projektov pre štandardný prístup k HPC 1/25 je otvorená. Projekty je možné podávať v rámci otvorených výziev 3 krát do roka. O prístup je možné požiadať výhradne prostredníctvom používateľského portálu register.nscc.sk.
Odborná konferencia Superpočítač a Slovensko v Bratislave 15 Nov - Dňa 14. novembra 2024 sa v hoteli Devín v Bratislave uskutočnila odborná konferencia s názvom Superpočítač a Slovensko, ktorú zorganizovalo Ministerstvo investícií, regionálneho rozvoja a informatizácie SR. Konferencia sa zameriavala na aktuálne trendy a vývoj v oblasti vysokorýchlostného počítania na Slovensku. Súčasťou podujatia bola prezentácia L. Demovičovej z Národného kompetenčného centra pre HPC.
Konferencia vysokovýkonného počítania v Portugalsku 12 Nov - V poradí 4. Stretnutie vysokovýkonného počítania 2024, ktoré sa konalo 5. a 6. novembra na Univerzite Beira Interior v Covilhã, sa etablovalo ako kľúčové stretnutie používateľov, technikov a partnerov ekosystému vysokovýkonného počítania v Portugalsku.
Kategórie
General

Central European NCC working group in Grundlsee

Central European NCC working group in Grundlsee

On June 10, representatives from national competence centres for HPC situated in the central Europe region met during the third Central European NCC working group. The hybrid event was organized by NCC Austria in Grundlsee. The workshop was attended by competence centers for HPC from PolandAustriaCroatiaCzech RepublicSlovakiaSlovenia and Hungary.

The Competence Centers focused on the topic of collaboration between NCC and other institutions, as well as improving company profiles on LinkedIn. The event was opened by Markus Stöhr, head of the Austrian Competence Center for High-Performance Computing. This was followed by a brief introduction of each Competence Center, during which the heads of the respective NCCs presented not only the team members but also the most important topics they would like to address during the meeting. This was followed by a moderated discussion on the aforementioned topics led by Markus Stöhr and an overview and update on training cooperation led by Claudia Blaas-Schenner.

Another very interesting topic of the workshop was LinkedIn profile optimization. This internal workshop focused on best practices for creating a professional-looking LinkedIn page. The workshop was intended for anyone interested in improving their personal profile as well as their business page. The workshop was led by Natascha Trzepizur, a content marketing expert from INiTS in Vienna.

The final section, titled AI Focus, was dedicated to:

  • AI-Generated Reporting:A discussion on the use of artificial intelligence in report creation. Speakers: Markus Stöhr, Simeon Harrison, Thomas Mayerhofer.
  • Training series: AI for industry Discussion of a series of trainings focused on the use of AI in industry. Speakers: Simeon Harrison, Thomas Mayerhofer.

The meeting of the Central European NCC working group was a unique opportunity to exchange experiences, deepen cooperation and improve the professional competences of the participants. We thank the Austrian Competence Center for organizing this great event and we look forward to the next meeting of our working group!

Devana: Výzva na podávanie projektov pre štandardný prístup k HPC 1/25 19 Jan - Výzva na podávanie projektov pre štandardný prístup k HPC 1/25 je otvorená. Projekty je možné podávať v rámci otvorených výziev 3 krát do roka. O prístup je možné požiadať výhradne prostredníctvom používateľského portálu register.nscc.sk.
Odborná konferencia Superpočítač a Slovensko v Bratislave 15 Nov - Dňa 14. novembra 2024 sa v hoteli Devín v Bratislave uskutočnila odborná konferencia s názvom Superpočítač a Slovensko, ktorú zorganizovalo Ministerstvo investícií, regionálneho rozvoja a informatizácie SR. Konferencia sa zameriavala na aktuálne trendy a vývoj v oblasti vysokorýchlostného počítania na Slovensku. Súčasťou podujatia bola prezentácia L. Demovičovej z Národného kompetenčného centra pre HPC.
Konferencia vysokovýkonného počítania v Portugalsku 12 Nov - V poradí 4. Stretnutie vysokovýkonného počítania 2024, ktoré sa konalo 5. a 6. novembra na Univerzite Beira Interior v Covilhã, sa etablovalo ako kľúčové stretnutie používateľov, technikov a partnerov ekosystému vysokovýkonného počítania v Portugalsku.
Kategórie
General

New Partnership with SOPK Bratislava

New Partnership with SOPK Bratislava

We are pleased to announce a new partnership between the National Competence Centre for High-Performance Computing (NCC for HPC) and the Slovak Chamber of Commerce and Industry for Bratislava Region (SOPK BA). This alliance is part of the HPC Ambassador program and aims to support innovations and the adoption of HPC technologies among small and medium-sized enterprises (SMEs) in Slovakia.

Collaboration Mechanism

As part of this collaboration, NCC for HPC will regularly provide information about its activities, training sessions, and services relevant to the members of SOPK BA. SOPK BA will disseminate this information among its members and identify companies ready to implement HPC technologies, linking them with NCC for HPC. This process will enable businesses to receive expert assistance and support in various research and development projects.

Benefits for SMEs

The partnership offers numerous advantages for Slovak SMEs, including:

  • Access to powerful computational resources.
  • Organization of training sessions and informative lectures focused on HPC technologies.
  • Support in the implementation of HPC technologies in research and development.
  • Collaboration with experts to carry out "proof-of-concept" projects.

We look forward to a successful collaboration and many joint initiatives that will add value to the Slovak business environment.


Devana: Výzva na podávanie projektov pre štandardný prístup k HPC 1/25 19 Jan - Výzva na podávanie projektov pre štandardný prístup k HPC 1/25 je otvorená. Projekty je možné podávať v rámci otvorených výziev 3 krát do roka. O prístup je možné požiadať výhradne prostredníctvom používateľského portálu register.nscc.sk.
Odborná konferencia Superpočítač a Slovensko v Bratislave 15 Nov - Dňa 14. novembra 2024 sa v hoteli Devín v Bratislave uskutočnila odborná konferencia s názvom Superpočítač a Slovensko, ktorú zorganizovalo Ministerstvo investícií, regionálneho rozvoja a informatizácie SR. Konferencia sa zameriavala na aktuálne trendy a vývoj v oblasti vysokorýchlostného počítania na Slovensku. Súčasťou podujatia bola prezentácia L. Demovičovej z Národného kompetenčného centra pre HPC.
Konferencia vysokovýkonného počítania v Portugalsku 12 Nov - V poradí 4. Stretnutie vysokovýkonného počítania 2024, ktoré sa konalo 5. a 6. novembra na Univerzite Beira Interior v Covilhã, sa etablovalo ako kľúčové stretnutie používateľov, technikov a partnerov ekosystému vysokovýkonného počítania v Portugalsku.
Kategórie
General

New HPC Ambassador: Union of Clusters of Slovakia

New HPC Ambassador: Union of Clusters of Slovakia

We are pleased to announce that the National Competence Centre for HPC has established a new partnership with the Union of Clusters of Slovakia (ÚKS) as part of the HPC Ambassador program This significant step will strengthen our joint efforts in promoting innovation and the adoption of high-performance computing technologies among clusters and their members from various sectors, with a focus on small and medium-sized enterprises in Slovakia.

Shared Goals and Visions

Our shared goal is to raise awareness and promote the adoption of HPC technologies among Slovak clusters, which bring together businesses, research institutions, and the academic sphere. In collaboration with ÚKS, we will organize events, training sessions, and informational campaigns that will provide cluster members with the necessary knowledge and tools to utilize HPC in their activities.

How We Collaborate

As part of this collaboration, the NCC will regularly share information about its activities, training sessions, and services that are relevant to the members and partners of ÚKS. ÚKS, in turn, will use its communication channels to inform its members about these opportunities and will connect businesses ready to utilize HPC technologies with the NCC. ÚKS members will also gain access to expert assistance and support for various research or development projects.

We believe that this partnership will significantly contribute to the development of the innovation ecosystem in Slovakia and help cluster members become more competitive in the global market.

We look forward to a successful collaboration and many joint projects ahead!


Devana: Výzva na podávanie projektov pre štandardný prístup k HPC 1/25 19 Jan - Výzva na podávanie projektov pre štandardný prístup k HPC 1/25 je otvorená. Projekty je možné podávať v rámci otvorených výziev 3 krát do roka. O prístup je možné požiadať výhradne prostredníctvom používateľského portálu register.nscc.sk.
Odborná konferencia Superpočítač a Slovensko v Bratislave 15 Nov - Dňa 14. novembra 2024 sa v hoteli Devín v Bratislave uskutočnila odborná konferencia s názvom Superpočítač a Slovensko, ktorú zorganizovalo Ministerstvo investícií, regionálneho rozvoja a informatizácie SR. Konferencia sa zameriavala na aktuálne trendy a vývoj v oblasti vysokorýchlostného počítania na Slovensku. Súčasťou podujatia bola prezentácia L. Demovičovej z Národného kompetenčného centra pre HPC.
Konferencia vysokovýkonného počítania v Portugalsku 12 Nov - V poradí 4. Stretnutie vysokovýkonného počítania 2024, ktoré sa konalo 5. a 6. novembra na Univerzite Beira Interior v Covilhã, sa etablovalo ako kľúčové stretnutie používateľov, technikov a partnerov ekosystému vysokovýkonného počítania v Portugalsku.
Kategórie
General

NCC Slovensko & NCC Poľsko: ORCA Hands-on Workshop

NCC Slovakia & NCC Poland: ORCA Hands-on Workshop

V dňoch 21. a 22. mája 2024 sa v Bratislave uskutočnil ORCA workshop took place in Bratislava. This two-day workshop, organized by the national competence centers for HPC from Slovakia and Poland, focused on the ORCA quantum chemistry software package. Participants were introduced to the basics as well as selected advanced techniques of working with ORCA, with a significant portion of the workshop dedicated to practical exercises.


The workshop began with the registration and welcome of participants, followed by a presentation of the EuroCC 2competence center project. Instructor Klemens Noga from Cyfronet, the HPC center in Krakow, introduced the Polish HPC ecosystem and the opportunities available to users in the field of computational chemistry.

During the first day, the instructor focused on the practical aspects of setting up ORCA on HPC systems. Participants were introduced to the setup and operation of HPC clusters, best practices for installing ORCA, and the SLURM tool, which is used for managing computational tasks. They were familiarized with the structure and syntax of input files required for basic quantum chemical calculations, such as single-point energy calculations, property calculations, and geometry optimization. The workshop also covered output analysis, extraction of useful information, and visualization of results for better interpretation and presentation.

The second day began with more advanced computational options in ORCA. Participants learned how to set up calculations for vibrational frequencies, relativistic corrections, and spectroscopic properties. The instructor also focused on explaining scalability metrics, strategies for improving performance, and the efficiency of parallel computations on HPC systems, which the participants then practically tested. In the afternoon, participants worked on redox potential calculations and went through case studies prepared based on their own materials. The final part of the workshop dealt with troubleshooting calculations and sharing best practices to maximize the efficiency and accuracy of computations in ORCA.

The program also included a tour of the Devana supercomputer at the Computing Center of the Slovak Academy of Sciences. The event provided participants with fundamental knowledge and skills for working with the ORCA package in the field of quantum chemical computations on HPC systems. We believe the workshop was beneficial to the participants and assisted them in their work on their own research projects. The ORCA package is part of the software suite of the Devana system, and its license is freely available to all academic users.

Devana: Výzva na podávanie projektov pre štandardný prístup k HPC 1/25 19 Jan - Výzva na podávanie projektov pre štandardný prístup k HPC 1/25 je otvorená. Projekty je možné podávať v rámci otvorených výziev 3 krát do roka. O prístup je možné požiadať výhradne prostredníctvom používateľského portálu register.nscc.sk.
Odborná konferencia Superpočítač a Slovensko v Bratislave 15 Nov - Dňa 14. novembra 2024 sa v hoteli Devín v Bratislave uskutočnila odborná konferencia s názvom Superpočítač a Slovensko, ktorú zorganizovalo Ministerstvo investícií, regionálneho rozvoja a informatizácie SR. Konferencia sa zameriavala na aktuálne trendy a vývoj v oblasti vysokorýchlostného počítania na Slovensku. Súčasťou podujatia bola prezentácia L. Demovičovej z Národného kompetenčného centra pre HPC.
Konferencia vysokovýkonného počítania v Portugalsku 12 Nov - V poradí 4. Stretnutie vysokovýkonného počítania 2024, ktoré sa konalo 5. a 6. novembra na Univerzite Beira Interior v Covilhã, sa etablovalo ako kľúčové stretnutie používateľov, technikov a partnerov ekosystému vysokovýkonného počítania v Portugalsku.
Kategórie
General

MaX school: materials and molecular modelling with QUANTUM ESPRESSO

MaX school: materials and molecular modelling with QUANTUM ESPRESSO

An online school organized by MaX, in collaboration with: Czechia, Austria, Slovakia, Slovenia, Poland and Hungary- June 19-21, 2024.

The course encompasses a comprehensive curriculum designed to cover the primary features of the Quantum ESPRESSOThe emphasis is on practical skill development. The course strikes a balance between theory and application, offering a hands-on learning experience. It caters to a beginner to intermediate level, aiming to equip participants with the fundamental knowledge and skills necessary for the effective utilization of QUANTUM ESPRESSO in their research and academic pursuits.

The school is designed for participants with a background in condensed matter physics or chemistry interested in learning to use Quantum ESPRESSO.

The school plans to cover the main features of the code and provide basic user skills such as compilation, simple scripting, choice of parallel options, and similar.

More info about the event

Registration


Devana: Výzva na podávanie projektov pre štandardný prístup k HPC 1/25 19 Jan - Výzva na podávanie projektov pre štandardný prístup k HPC 1/25 je otvorená. Projekty je možné podávať v rámci otvorených výziev 3 krát do roka. O prístup je možné požiadať výhradne prostredníctvom používateľského portálu register.nscc.sk.
Odborná konferencia Superpočítač a Slovensko v Bratislave 15 Nov - Dňa 14. novembra 2024 sa v hoteli Devín v Bratislave uskutočnila odborná konferencia s názvom Superpočítač a Slovensko, ktorú zorganizovalo Ministerstvo investícií, regionálneho rozvoja a informatizácie SR. Konferencia sa zameriavala na aktuálne trendy a vývoj v oblasti vysokorýchlostného počítania na Slovensku. Súčasťou podujatia bola prezentácia L. Demovičovej z Národného kompetenčného centra pre HPC.
Konferencia vysokovýkonného počítania v Portugalsku 12 Nov - V poradí 4. Stretnutie vysokovýkonného počítania 2024, ktoré sa konalo 5. a 6. novembra na Univerzite Beira Interior v Covilhã, sa etablovalo ako kľúčové stretnutie používateľov, technikov a partnerov ekosystému vysokovýkonného počítania v Portugalsku.
Kategórie
Calls-Finished General

Devana: Call for Standard HPC access projects 2/24

Devana: Call for Standard HPC access projects 2/24

Výpočtové stredisko SAV a Národné superpočítačové centrum otvarujú druhú tohtoročnú Call for Projects for Standard Access to HPC 2/24.  Projects are possible continuously, while there are 3 closing dates as standard during the year, after which the evaluation will take place until the submitted applications. It is possible to apply for access through the register.nscc.sk user portal register.nscc.sk  .

Standard access to high-performance computing resources is open to all areas of science and research, especially for larger-scale projects. These projects should demonstrate excellence in the respective fields and a clear potential to bring innovative solutions to current social and technological challenges. In the application, it is necessary to demonstrate the efficiency and scalability of the proposed calculation strategies and methods in the HPC environment. The necessary data on the performance and parameters of the considered algorithms and applications can be obtained within the Testing Access.

Allocations are awarded for one (1) year with the option to apply for extension, if necessary. Access is free of charge, provided that all requirements defined in the Terms of reference  are met. Submitted projects are evaluated from a technical point of view by the internal team of CC SAS and SK NSCC, and the quality of the scientific and research part is always evaluated by two independent external reviewers.

Call opening date: 6.5.2024
Call closing date: 31.5. 2024, 17:00 CET
Communication of allocation decision: Up to 2 weeks from Call closing.
Start of the allocation perion for awarded projects: no later than 15. 2. 2024

Eligible Researchers Scientists and researchers from Slovak public universities and the Slovak Academy of Sciences, as well as from public and state administration organizations and private enterprises registered in the Slovak Republic, can apply for standard access to HPC. Access is provided exclusively for civil and non-commercial open-science research and development. Interested parties from private companies should first contact the National Competence Centre for HPC.

Allocation period: 1 year

Overall allocation offered in the Call: 26 M CPU core-hours and 92k GPU-hours

Available systems: Devana supercomputer  universal CPU and accelerated GPU module

Expected project outcomes:

  • Final report within 2 months from the end of the project.
  • Peer-review and other publications in domestic and foreign scientific periodicals with acknowledgments in the pre-defined wording, reported through the user portal.
  • Active participation in the Slovak HPC conference organized by the coordinator of this call (poster, other contribution).
  • Participation in dissemination activities of the coordinator (interview, article in the HPC magazine, etc.).
Kategórie
General

EuroCC 2 & CoEs & CASTIEL 2 Intermediate Conference na Slovensku

EuroCC 2 & CoEs & CASTIEL 2 Intermediate Conference in Slovakia

Amidst the picturesque landscape of the Slovak High Tatra Mountains, the members of European National Competence Centres and Centres of Excellence met during the all-hands meeting to discuss the project development and show the progress that has been made.

The sessions started on Monday, April 22 with a warm welcome from the Project Management Team and the local hosts from NCC Slovakia. Discussions then covered recent development and information from the project first year review and then continued with identification of synergies between NCCs and CoEs, laying the groundwork for collaborative endeavors and knowledge exchange. The discussions were not just theoretical, they were practical blueprints for fostering cohesion and maximizing impact within the EuroCC 2 ecosystem.

On the second day, the focus shifted towards practical matters of funding, competencies, and strategic planning. Workshops on budget allocation with CASTIEL 2 and discussions on the competencies of NCCs and CoEs provided invaluable insights into the financial and intellectual scaffolding necessary for sustainable growth.

The conference was a testament to the diversity of the EuroCC 2 community. From thematic clusters to industry approaches and training baselines, participants delved deep into the intricacies of their respective domains, forging connections and laying the groundwork for future collaborations.

The participants also had the opportunity to stretch their legs during an excursion around the Štrbské pleso lake, fostering camaraderie and strengthening bonds beyond the confines of conference rooms.


Devana: Výzva na podávanie projektov pre štandardný prístup k HPC 1/25 19 Jan - Výzva na podávanie projektov pre štandardný prístup k HPC 1/25 je otvorená. Projekty je možné podávať v rámci otvorených výziev 3 krát do roka. O prístup je možné požiadať výhradne prostredníctvom používateľského portálu register.nscc.sk.
Odborná konferencia Superpočítač a Slovensko v Bratislave 15 Nov - Dňa 14. novembra 2024 sa v hoteli Devín v Bratislave uskutočnila odborná konferencia s názvom Superpočítač a Slovensko, ktorú zorganizovalo Ministerstvo investícií, regionálneho rozvoja a informatizácie SR. Konferencia sa zameriavala na aktuálne trendy a vývoj v oblasti vysokorýchlostného počítania na Slovensku. Súčasťou podujatia bola prezentácia L. Demovičovej z Národného kompetenčného centra pre HPC.
Konferencia vysokovýkonného počítania v Portugalsku 12 Nov - V poradí 4. Stretnutie vysokovýkonného počítania 2024, ktoré sa konalo 5. a 6. novembra na Univerzite Beira Interior v Covilhã, sa etablovalo ako kľúčové stretnutie používateľov, technikov a partnerov ekosystému vysokovýkonného počítania v Portugalsku.
Kategórie
General

Nová spolupráca a komplexnejšia ponuka pre slovenské firmy

Inovačné centrum INOVIA a Národné kompetenčné centrum pre HPC: Nová spolupráca a komplexnejšia ponuka pre slovenské firmy

V Národnom kompetenčnom centre pre HPC sa tešíme z nášho nového partnerstva s Inovačným centrom INOVIA v Žiline. Toto spojenie predstavuje významný míľnik v misii NCC pre HPC propagovať a podporovať adopciu vysokovýkonných výpočtových technológií naprieč slovenskými regiónmi a hospodárskymi sektormi. Využitie takýchto pokročilých digitálnych technológií je vo svete čoraz bežnejšie, napríklad pri pokročilých numerických simuláciách, spracovaní veľkých objemov dát a tiež pri vývoji modelov umelej inteligencie.

INOVIA sa stala prvým ambasádorom NCC pre HPC, a spoločnými silami sa budeme snažiť zvyšovať povedomie o užitočnosti HPC nástrojov a ich prínosoch pre inovácie nielen vo vede a priemysle, ale v malých a stredných podnikoch.

NCC pre HPC bude poskytovať znalosti a know-how širšej komunite prostredníctvom workshopov a školení. Klienti INOVIA tiež môžu získať prístup k odbornej pomoci a podpore pri rôznych výskumných alebo vývojových projektoch.

Tešíme sa na spoločné projekty a spoluprácu a veríme, že kombináciou našich silných stránok pomôžeme slovenským firmám v digitalizácii a inováciách! Ak máte akékoľvek otázky alebo záujem o viac informácií, neváhajte nás kontaktovať.


Devana: Výzva na podávanie projektov pre štandardný prístup k HPC 1/25 19 Jan - Výzva na podávanie projektov pre štandardný prístup k HPC 1/25 je otvorená. Projekty je možné podávať v rámci otvorených výziev 3 krát do roka. O prístup je možné požiadať výhradne prostredníctvom používateľského portálu register.nscc.sk.
Odborná konferencia Superpočítač a Slovensko v Bratislave 15 Nov - Dňa 14. novembra 2024 sa v hoteli Devín v Bratislave uskutočnila odborná konferencia s názvom Superpočítač a Slovensko, ktorú zorganizovalo Ministerstvo investícií, regionálneho rozvoja a informatizácie SR. Konferencia sa zameriavala na aktuálne trendy a vývoj v oblasti vysokorýchlostného počítania na Slovensku. Súčasťou podujatia bola prezentácia L. Demovičovej z Národného kompetenčného centra pre HPC.
Konferencia vysokovýkonného počítania v Portugalsku 12 Nov - V poradí 4. Stretnutie vysokovýkonného počítania 2024, ktoré sa konalo 5. a 6. novembra na Univerzite Beira Interior v Covilhã, sa etablovalo ako kľúčové stretnutie používateľov, technikov a partnerov ekosystému vysokovýkonného počítania v Portugalsku.
Kategórie
General

Uses of HPC for SMEs

Uses of HPC for SMEs

On March 19th, an event titled Discover the Potential of the Supercomputer in Practicetook place in Bratislava, bringing together experts from the National Competence Center for High-Performance Computing (NCC) and the Slovak Chamber of Commerce and Industry (SOPK), thereby opening new horizons for collaboration with businesses utilizing big data, simulations, artificial intelligence in development or manufacturing technology.

The goal of the event was a meeting with experts from the NCC, during which participants had a unique opportunity to learn more about the benefits and possibilities of utilizing high-performance computing in their businesses. Companies were able to familiarize themselves with how modern technologies and high-performance computing could help make computational processes and data processing more efficient. Successful collaborative projects from the NCC portfolio were showcased, demonstrating the tangible benefits of HPC for selected enterprises.

The services of the National Competence Center for HPC were presented by Lucia Demovičová, who leads the NCC and focuses on collaboration with small and medium-sized enterprises, and Michal Pitoňák, an expert on mapping the HPC ecosystem and implementing pilot projects. Participants had the opportunity to discuss their specific needs with experts as well as to explore possibilities for future collaborations.

Experts also informed about the possibilities, availability, and conditions of using HPC services in Slovakia and Europe. A beneficial piece of information was the opportunity to utilize a testing allocation of HPC resources and the involvement of businesses in free pilot projects, which represents an interesting opportunity for SMEs to adopt HPC without the need for large initial investments. Part of the event was a tour of the Devana supercomputer, providing participants with a unique insight into the world of high-performance computing. ktorá účastníkom poskytla unikátny pohľad do sveta vysokovýkonných výpočtov.


Devana: Výzva na podávanie projektov pre štandardný prístup k HPC 1/25 19 Jan - Výzva na podávanie projektov pre štandardný prístup k HPC 1/25 je otvorená. Projekty je možné podávať v rámci otvorených výziev 3 krát do roka. O prístup je možné požiadať výhradne prostredníctvom používateľského portálu register.nscc.sk.
Odborná konferencia Superpočítač a Slovensko v Bratislave 15 Nov - Dňa 14. novembra 2024 sa v hoteli Devín v Bratislave uskutočnila odborná konferencia s názvom Superpočítač a Slovensko, ktorú zorganizovalo Ministerstvo investícií, regionálneho rozvoja a informatizácie SR. Konferencia sa zameriavala na aktuálne trendy a vývoj v oblasti vysokorýchlostného počítania na Slovensku. Súčasťou podujatia bola prezentácia L. Demovičovej z Národného kompetenčného centra pre HPC.
Konferencia vysokovýkonného počítania v Portugalsku 12 Nov - V poradí 4. Stretnutie vysokovýkonného počítania 2024, ktoré sa konalo 5. a 6. novembra na Univerzite Beira Interior v Covilhã, sa etablovalo ako kľúčové stretnutie používateľov, technikov a partnerov ekosystému vysokovýkonného počítania v Portugalsku.